diff --git a/09_Zanurzenia_slow.ipynb b/09_Zanurzenia_slow.ipynb deleted file mode 100644 index dea2295..0000000 --- a/09_Zanurzenia_slow.ipynb +++ /dev/null @@ -1,634 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "![Logo 1](https://git.wmi.amu.edu.pl/AITech/Szablon/raw/branch/master/Logotyp_AITech1.jpg)\n", - "
\n", - "

Modelowanie języka

\n", - "

09. Zanurzenia słów (Word2vec) [wykład]

\n", - "

Filip Graliński (2022)

\n", - "
\n", - "\n", - "![Logo 2](https://git.wmi.amu.edu.pl/AITech/Szablon/raw/branch/master/Logotyp_AITech2.jpg)\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Zanurzenia słów (Word2vec)\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "W praktyce stosowalność słowosieci okazała się zaskakująco\n", - "ograniczona. Większy przełom w przetwarzaniu języka naturalnego przyniosły\n", - "wielowymiarowe reprezentacje słów, inaczej: zanurzenia słów.\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### „Wymiary” słów\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Moglibyśmy zanurzyć (ang. *embed*) w wielowymiarowej przestrzeni, tzn. zdefiniować odwzorowanie\n", - "$E \\colon V \\rightarrow \\mathcal{R}^m$ dla pewnego $m$ i określić taki sposób estymowania\n", - "prawdopodobieństw $P(u|v)$, by dla par $E(v)$ i $E(v')$ oraz $E(u)$ i $E(u')$ znajdujących się w pobliżu\n", - "(według jakiejś metryki odległości, na przykład zwykłej odległości euklidesowej):\n", - "\n", - "$$P(u|v) \\approx P(u'|v').$$\n", - "\n", - "$E(u)$ nazywamy zanurzeniem (embeddingiem) słowa.\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Wymiary określone z góry?\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Można by sobie wyobrazić, że $m$ wymiarów mogłoby być z góry\n", - "określonych przez lingwistę. Wymiary te byłyby związane z typowymi\n", - "„osiami” rozpatrywanymi w językoznawstwie, na przykład:\n", - "\n", - "- czy słowo jest wulgarne, pospolite, potoczne, neutralne czy książkowe?\n", - "- czy słowo jest archaiczne, wychodzące z użycia czy jest neologizmem?\n", - "- czy słowo dotyczy kobiet, czy mężczyzn (w sensie rodzaju gramatycznego i/lub\n", - " socjolingwistycznym)?\n", - "- czy słowo jest w liczbie pojedynczej czy mnogiej?\n", - "- czy słowo jest rzeczownikiem czy czasownikiem?\n", - "- czy słowo jest rdzennym słowem czy zapożyczeniem?\n", - "- czy słowo jest nazwą czy słowem pospolitym?\n", - "- czy słowo opisuje konkretną rzecz czy pojęcie abstrakcyjne?\n", - "- …\n", - "\n", - "W praktyce okazało się jednak, że lepiej, żeby komputer uczył się sam\n", - "możliwych wymiarów — z góry określamy tylko $m$ (liczbę wymiarów).\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Bigramowy model języka oparty na zanurzeniach\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Zbudujemy teraz najprostszy model język oparty na zanurzeniach. Będzie to właściwie najprostszy\n", - "**neuronowy model języka**, jako że zbudowany model można traktować jako prostą sieć neuronową.\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Słownik\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "W typowym neuronowym modelu języka rozmiar słownika musi być z góry\n", - "ograniczony. Zazwyczaj jest to liczba rzędu kilkudziesięciu wyrazów —\n", - "po prostu będziemy rozpatrywać $|V|$ najczęstszych wyrazów, pozostałe zamienimy\n", - "na specjalny token `` reprezentujący nieznany (*unknown*) wyraz.\n", - "\n", - "Aby utworzyć taki słownik, użyjemy gotowej klasy `Vocab` z pakietu torchtext:\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "from itertools import islice\n", - "import regex as re\n", - "import sys\n", - "from torchtext.vocab import build_vocab_from_iterator\n", - "import pickle\n", - "import lzma" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "1027" - ] - }, - "execution_count": 2, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "from itertools import islice\n", - "import regex as re\n", - "import sys\n", - "from torchtext.vocab import build_vocab_from_iterator\n", - "import lzma\n", - "\n", - "\n", - "def get_words_from_line(line):\n", - " line = line.rstrip()\n", - " yield ''\n", - " for m in re.finditer(r'[\\p{L}0-9\\*]+|\\p{P}+', line):\n", - " yield m.group(0).lower()\n", - " yield ''\n", - "\n", - "\n", - "def get_word_lines_from_file(file_name):\n", - " with lzma.open(file_name, 'r') as fh:\n", - " for line in fh:\n", - " yield get_words_from_line(line.decode('utf-8'))\n", - "\n", - "vocab_size = 20000\n", - "\n", - "vocab = build_vocab_from_iterator(\n", - " get_word_lines_from_file('train/in.tsv.xz'),\n", - " max_tokens = vocab_size,\n", - " specials = [''])\n", - "\n", - "vocab['human']" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['', '\\\\', 'the', '-\\\\', 'nmighty']" - ] - }, - "execution_count": 3, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "vocab.lookup_tokens([0, 1, 2, 10, 12345])" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "with open('vocabulary.pickle', 'wb') as fh:\n", - " pickle.dump(vocab, fh)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Definicja sieci\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Naszą prostą sieć neuronową zaimplementujemy używając frameworku PyTorch.\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/Users/jacob/opt/anaconda3/lib/python3.9/site-packages/torch/nn/modules/container.py:217: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.\n", - " input = module(input)\n" - ] - }, - { - "data": { - "text/plain": [ - "tensor(2.9869e-05, grad_fn=)" - ] - }, - "execution_count": 10, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "from torch import nn\n", - "import torch\n", - "\n", - "embed_size = 100\n", - "\n", - "class SimpleBigramNeuralLanguageModel(nn.Module):\n", - " def __init__(self, vocabulary_size, embedding_size):\n", - " super(SimpleBigramNeuralLanguageModel, self).__init__()\n", - " self.model = nn.Sequential(\n", - " nn.Embedding(vocabulary_size, embedding_size),\n", - " nn.Linear(embedding_size, vocabulary_size),\n", - " nn.Softmax()\n", - " )\n", - "\n", - " def forward(self, x):\n", - " return self.model(x)\n", - "\n", - "model = SimpleBigramNeuralLanguageModel(vocab_size, embed_size)\n", - "\n", - "vocab.set_default_index(vocab[''])\n", - "ixs = torch.tensor(vocab.forward(['is']))\n", - "out = model(ixs)\n", - "out[0][vocab['the']]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Teraz wyuczmy model. Wpierw tylko potasujmy nasz plik:\n", - "\n", - " shuf < opensubtitlesA.pl.txt > opensubtitlesA.pl.shuf.txt\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "from torch.utils.data import IterableDataset\n", - "import itertools\n", - "\n", - "def look_ahead_iterator(gen):\n", - " prev = None\n", - " for item in gen:\n", - " if prev is not None:\n", - " yield (prev, item)\n", - " prev = item\n", - "\n", - "class Bigrams(IterableDataset):\n", - " def __init__(self, text_file, vocabulary_size):\n", - " self.vocab = build_vocab_from_iterator(\n", - " get_word_lines_from_file(text_file),\n", - " max_tokens = vocabulary_size,\n", - " specials = [''])\n", - " self.vocab.set_default_index(self.vocab[''])\n", - " self.vocabulary_size = vocabulary_size\n", - " self.text_file = text_file\n", - "\n", - " def __iter__(self):\n", - " return look_ahead_iterator(\n", - " (self.vocab[t] for t in itertools.chain.from_iterable(get_word_lines_from_file(self.text_file))))\n", - "\n", - "train_dataset = Bigrams('train/in.tsv.xz', vocab_size)" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "(43, 0)" - ] - }, - "execution_count": 9, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "from torch.utils.data import DataLoader\n", - "\n", - "next(iter(train_dataset))" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[tensor([ 2, 5, 51, 3481, 231]), tensor([ 5, 51, 3481, 231, 4])]" - ] - } - ], - "source": [ - "from torch.utils.data import DataLoader\n", - "\n", - "next(iter(DataLoader(train_dataset, batch_size=5)))" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "None" - ] - } - ], - "source": [ - "device = 'cpu'\n", - "model = SimpleBigramNeuralLanguageModel(vocab_size, embed_size).to(device)\n", - "data = DataLoader(train_dataset, batch_size=5000)\n", - "optimizer = torch.optim.Adam(model.parameters())\n", - "criterion = torch.nn.NLLLoss()\n", - "\n", - "model.train()\n", - "step = 0\n", - "for x, y in data:\n", - " x = x.to(device)\n", - " y = y.to(device)\n", - " optimizer.zero_grad()\n", - " ypredicted = model(x)\n", - " loss = criterion(torch.log(ypredicted), y)\n", - " if step % 100 == 0:\n", - " print(step, loss)\n", - " step += 1\n", - " loss.backward()\n", - " optimizer.step()\n", - "\n", - "torch.save(model.state_dict(), 'model1.bin')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Policzmy najbardziej prawdopodobne kontynuacje dla zadanego słowa:\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[('ciebie', 73, 0.1580502986907959), ('mnie', 26, 0.15395283699035645), ('', 0, 0.12862136960029602), ('nas', 83, 0.0410110242664814), ('niego', 172, 0.03281523287296295), ('niej', 245, 0.02104802615940571), ('siebie', 181, 0.020788608118891716), ('którego', 365, 0.019379809498786926), ('was', 162, 0.013852755539119244), ('wszystkich', 235, 0.01381855271756649)]" - ] - } - ], - "source": [ - "device = 'cuda'\n", - "model = SimpleBigramNeuralLanguageModel(vocab_size, embed_size).to(device)\n", - "model.load_state_dict(torch.load('model1.bin'))\n", - "model.eval()\n", - "\n", - "ixs = torch.tensor(vocab.forward(['dla'])).to(device)\n", - "\n", - "out = model(ixs)\n", - "top = torch.topk(out[0], 10)\n", - "top_indices = top.indices.tolist()\n", - "top_probs = top.values.tolist()\n", - "top_words = vocab.lookup_tokens(top_indices)\n", - "list(zip(top_words, top_indices, top_probs))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Teraz zbadajmy najbardziej podobne zanurzenia dla zadanego słowa:\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[('.', 3, 0.404473215341568), (',', 4, 0.14222915470600128), ('z', 14, 0.10945753753185272), ('?', 6, 0.09583134204149246), ('w', 10, 0.050338443368673325), ('na', 12, 0.020703863352537155), ('i', 11, 0.016762692481279373), ('', 0, 0.014571071602404118), ('...', 15, 0.01453721895813942), ('', 1, 0.011769450269639492)]" - ] - } - ], - "source": [ - "vocab = train_dataset.vocab\n", - "ixs = torch.tensor(vocab.forward(['kłopot'])).to(device)\n", - "\n", - "out = model(ixs)\n", - "top = torch.topk(out[0], 10)\n", - "top_indices = top.indices.tolist()\n", - "top_probs = top.values.tolist()\n", - "top_words = vocab.lookup_tokens(top_indices)\n", - "list(zip(top_words, top_indices, top_probs))" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[('poszedł', 1087, 1.0), ('idziesz', 1050, 0.4907470941543579), ('przyjeżdża', 4920, 0.45242372155189514), ('pojechałam', 12784, 0.4342481195926666), ('wrócił', 1023, 0.431664377450943), ('dobrać', 10351, 0.4312002956867218), ('stałeś', 5738, 0.4258835017681122), ('poszła', 1563, 0.41979148983955383), ('trafiłam', 18857, 0.4109022617340088), ('jedzie', 1674, 0.4091658890247345)]" - ] - } - ], - "source": [ - "cos = nn.CosineSimilarity(dim=1, eps=1e-6)\n", - "\n", - "embeddings = model.model[0].weight\n", - "\n", - "vec = embeddings[vocab['poszedł']]\n", - "\n", - "similarities = cos(vec, embeddings)\n", - "\n", - "top = torch.topk(similarities, 10)\n", - "\n", - "top_indices = top.indices.tolist()\n", - "top_probs = top.values.tolist()\n", - "top_words = vocab.lookup_tokens(top_indices)\n", - "list(zip(top_words, top_indices, top_probs))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Zapis przy użyciu wzoru matematycznego\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Powyżej zaprogramowaną sieć neuronową można opisać następującym wzorem:\n", - "\n", - "$$\\vec{y} = \\operatorname{softmax}(CE(w_{i-1}),$$\n", - "\n", - "gdzie:\n", - "\n", - "- $w_{i-1}$ to pierwszy wyraz w bigramie (poprzedzający wyraz),\n", - "- $E(w)$ to zanurzenie (embedding) wyrazy $w$ — wektor o rozmiarze $m$,\n", - "- $C$ to macierz o rozmiarze $|V| \\times m$, która rzutuje wektor zanurzenia w wektor o rozmiarze słownika,\n", - "- $\\vec{y}$ to wyjściowy wektor prawdopodobieństw o rozmiarze $|V|$.\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "##### Hiperparametry\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Zauważmy, że nasz model ma dwa hiperparametry:\n", - "\n", - "- $m$ — rozmiar zanurzenia,\n", - "- $|V|$ — rozmiar słownika, jeśli zakładamy, że możemy sterować\n", - " rozmiarem słownika (np. przez obcinanie słownika do zadanej liczby\n", - " najczęstszych wyrazów i zamiany pozostałych na specjalny token, powiedzmy, ``.\n", - "\n", - "Oczywiście możemy próbować manipulować wartościami $m$ i $|V|$ w celu\n", - "polepszenia wyników naszego modelu.\n", - "\n", - "**Pytanie**: dlaczego nie ma sensu wartość $m \\approx |V|$ ? dlaczego nie ma sensu wartość $m = 1$?\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Diagram sieci\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Jako że mnożenie przez macierz ($C$) oznacza po prostu zastosowanie\n", - "warstwy liniowej, naszą sieć możemy interpretować jako jednowarstwową\n", - "sieć neuronową, co można zilustrować za pomocą następującego diagramu:\n", - "\n", - "![img](./09_Zanurzenia_slow/bigram1.drawio.png \"Diagram prostego bigramowego neuronowego modelu języka\")\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Zanurzenie jako mnożenie przez macierz\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Uzyskanie zanurzenia ($E(w)$) zazwyczaj realizowane jest na zasadzie\n", - "odpytania (look-up\\_). Co ciekawe, zanurzenie można intepretować jako\n", - "mnożenie przez macierz zanurzeń (embeddingów) $E$ o rozmiarze $m \\times |V|$ — jeśli słowo będziemy na wejściu kodowali przy użyciu\n", - "wektora z gorącą jedynką (one-hot encoding\\_), tzn. słowo $w$ zostanie\n", - "podane na wejściu jako wektor $\\vec{1_V}(w) = [0,\\ldots,0,1,0\\ldots,0]$ o rozmiarze $|V|$\n", - "złożony z samych zer z wyjątkiem jedynki na pozycji odpowiadającej indeksowi wyrazu $w$ w słowniku $V$.\n", - "\n", - "Wówczas wzór przyjmie postać:\n", - "\n", - "$$\\vec{y} = \\operatorname{softmax}(CE\\vec{1_V}(w_{i-1})),$$\n", - "\n", - "gdzie $E$ będzie tym razem macierzą $m \\times |V|$.\n", - "\n", - "**Pytanie**: czy $\\vec{1_V}(w)$ intepretujemy jako wektor wierszowy czy kolumnowy?\n", - "\n", - "W postaci diagramu można tę interpretację zilustrować w następujący sposób:\n", - "\n", - "![img](./09_Zanurzenia_slow/bigram2.drawio.png \"Diagram prostego bigramowego neuronowego modelu języka z wejściem w postaci one-hot\")\n", - "\n" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.9.7" - }, - "org": null - }, - "nbformat": 4, - "nbformat_minor": 1 -} diff --git a/dev-0/out-embed-100.tsv b/dev-0/out-embed-100.tsv deleted file mode 100644 index 647dea2..0000000 --- a/dev-0/out-embed-100.tsv +++ /dev/null @@ -1,10519 +0,0 @@ -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9610 day:0.0054 work:0.0053 time:0.0046 way:0.0045 city:0.0044 country:0.0043 home:0.0040 life:0.0033 men:0.0031 -:0.7020 the:0.2041 a:0.0332 tho:0.0111 this:0.0102 tbe:0.0087 his:0.0083 said:0.0078 it:0.0074 their:0.0072 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -the:0.1987 :0.5377 a:0.1283 his:0.0347 her:0.0209 tho:0.0199 their:0.0187 all:0.0146 this:0.0137 its:0.0129 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -the:0.3822 :0.4498 a:0.0541 be:0.0457 his:0.0202 tho:0.0136 any:0.0113 their:0.0080 this:0.0077 its:0.0074 -:0.8881 the:0.0189 to:0.0176 of:0.0172 and:0.0127 a:0.0126 much:0.0119 in:0.0079 he:0.0067 not:0.0064 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -to:0.3670 :0.5076 and:0.0365 the:0.0224 will:0.0208 as:0.0134 may:0.0094 would:0.0082 they:0.0078 a:0.0069 -:0.9565 will:0.0069 and:0.0060 should:0.0046 are:0.0045 would:0.0045 of:0.0044 to:0.0043 we:0.0043 can:0.0039 -:0.8398 the:0.0475 of:0.0257 that:0.0226 a:0.0148 and:0.0138 to:0.0113 in:0.0102 at:0.0076 it:0.0067 -:0.7628 as:0.0544 and:0.0391 to:0.0342 of:0.0299 the:0.0231 that:0.0186 in:0.0158 for:0.0115 by:0.0105 -:0.8936 that:0.0195 of:0.0178 in:0.0156 and:0.0143 to:0.0135 for:0.0078 from:0.0065 on:0.0058 with:0.0056 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8595 and:0.0384 to:0.0258 is:0.0158 he:0.0119 will:0.0111 of:0.0103 was:0.0101 it:0.0092 have:0.0079 -:0.7267 of:0.0501 and:0.0384 the:0.0383 to:0.0362 that:0.0283 in:0.0245 is:0.0217 for:0.0190 a:0.0168 -:0.9314 the:0.0163 all:0.0086 to:0.0083 a:0.0068 put:0.0066 said:0.0058 went:0.0056 was:0.0054 then:0.0052 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8672 and:0.0319 to:0.0202 that:0.0190 of:0.0128 which:0.0115 as:0.0099 is:0.0097 it:0.0089 he:0.0088 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.7467 the:0.0837 a:0.0686 to:0.0273 and:0.0208 of:0.0181 or:0.0104 more:0.0101 any:0.0077 his:0.0066 -be:0.0010 have:0.0009 havo:0.0007 baa:0.0006 never:0.0006 haa:0.0005 bo:0.0005 expire:0.0005 bas:0.0005 habeas:0.0004 -:0.6684 of:0.1004 in:0.0401 the:0.0392 and:0.0388 a:0.0296 for:0.0243 with:0.0214 to:0.0192 is:0.0184 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.4893 of:0.2014 to:0.0927 and:0.0709 in:0.0369 the:0.0267 for:0.0254 a:0.0212 as:0.0185 that:0.0170 -:0.8860 we:0.0212 and:0.0157 they:0.0156 it:0.0135 who:0.0117 is:0.0108 that:0.0096 he:0.0088 as:0.0072 -of:0.0631 :0.8239 and:0.0283 in:0.0147 for:0.0131 as:0.0130 to:0.0127 from:0.0110 with:0.0109 by:0.0094 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.9387 less:0.0167 more:0.0137 two:0.0079 other:0.0048 three:0.0045 it:0.0038 years:0.0037 otherwise:0.0034 the:0.0029 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8911 to:0.0312 the:0.0196 and:0.0126 that:0.0116 it:0.0107 a:0.0068 which:0.0062 he:0.0052 one:0.0050 -the:0.1381 :0.6228 to:0.0731 they:0.0282 and:0.0273 a:0.0267 we:0.0261 of:0.0252 he:0.0169 that:0.0155 -:0.7074 to:0.0730 of:0.0633 and:0.0571 the:0.0296 in:0.0234 for:0.0143 from:0.0113 is:0.0108 at:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6118 as:0.0580 and:0.0556 the:0.0548 to:0.0499 of:0.0455 in:0.0346 that:0.0338 for:0.0309 a:0.0252 -:0.7386 the:0.1108 and:0.0336 a:0.0301 to:0.0218 of:0.0206 his:0.0124 he:0.0118 they:0.0105 who:0.0098 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8293 had:0.0291 was:0.0290 is:0.0287 has:0.0239 will:0.0157 have:0.0126 are:0.0108 and:0.0106 would:0.0104 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6577 of:0.1078 in:0.0710 to:0.0352 for:0.0283 from:0.0231 and:0.0197 at:0.0193 on:0.0192 by:0.0189 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7331 the:0.0793 of:0.0550 and:0.0341 to:0.0249 a:0.0248 in:0.0213 that:0.0120 for:0.0090 with:0.0064 -:0.8778 and:0.0399 will:0.0150 to:0.0146 is:0.0142 are:0.0097 would:0.0081 as:0.0074 was:0.0071 deal:0.0063 -:0.6302 of:0.1274 to:0.0722 and:0.0686 in:0.0326 with:0.0163 the:0.0153 for:0.0128 from:0.0128 on:0.0118 -:0.9403 and:0.0225 to:0.0056 is:0.0052 of:0.0050 that:0.0049 one:0.0045 the:0.0044 was:0.0041 all:0.0036 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5031 of:0.2614 in:0.0569 and:0.0415 for:0.0302 at:0.0274 to:0.0273 that:0.0271 on:0.0146 with:0.0105 -:0.8936 the:0.0372 and:0.0132 to:0.0112 of:0.0107 that:0.0097 a:0.0077 in:0.0072 by:0.0048 it:0.0048 -:0.6166 the:0.1107 of:0.0759 a:0.0590 and:0.0433 to:0.0431 in:0.0170 his:0.0126 was:0.0123 for:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6803 is:0.1573 was:0.0403 seems:0.0301 seemed:0.0227 as:0.0185 came:0.0155 began:0.0146 went:0.0128 and:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.4677 :0.3319 a:0.0608 this:0.0308 tho:0.0283 his:0.0245 our:0.0191 their:0.0141 said:0.0117 its:0.0110 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8976 and:0.0247 that:0.0209 to:0.0166 time:0.0110 of:0.0070 it:0.0065 day:0.0063 which:0.0048 year:0.0046 -:0.8240 of:0.0478 and:0.0329 the:0.0224 to:0.0170 that:0.0145 in:0.0131 for:0.0121 with:0.0085 as:0.0077 -:0.6572 the:0.1107 a:0.0555 and:0.0468 as:0.0317 of:0.0292 that:0.0231 in:0.0182 at:0.0147 or:0.0130 -:0.8798 few:0.0283 great:0.0171 little:0.0137 good:0.0126 very:0.0110 large:0.0104 certain:0.0100 new:0.0090 small:0.0081 -:0.8869 order:0.0173 efforts:0.0158 way:0.0151 right:0.0138 power:0.0125 time:0.0103 duty:0.0101 wife:0.0095 feet:0.0087 -:0.9708 home:0.0057 husband:0.0038 house:0.0035 time:0.0031 way:0.0030 right:0.0029 life:0.0026 more:0.0024 work:0.0023 -:0.9542 time:0.0078 people:0.0071 best:0.0070 said:0.0046 same:0.0042 city:0.0042 most:0.0037 world:0.0036 first:0.0036 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8372 and:0.0679 to:0.0252 or:0.0187 of:0.0155 is:0.0086 will:0.0083 as:0.0068 but:0.0059 was:0.0059 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.8480 in:0.0255 to:0.0252 of:0.0177 and:0.0176 that:0.0168 a:0.0140 for:0.0132 not:0.0110 at:0.0109 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.6700 the:0.0872 of:0.0774 and:0.0536 to:0.0406 in:0.0236 for:0.0149 that:0.0122 a:0.0112 with:0.0091 -:0.9531 city:0.0075 same:0.0070 people:0.0050 county:0.0050 law:0.0050 right:0.0050 person:0.0042 best:0.0042 time:0.0041 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.7196 a:0.0389 :0.1320 tho:0.0274 his:0.0192 this:0.0182 their:0.0163 our:0.0109 tbe:0.0097 its:0.0078 -:0.5042 to:0.1860 of:0.1303 and:0.0759 in:0.0407 for:0.0173 with:0.0130 or:0.0128 as:0.0101 by:0.0097 -of:0.2533 to:0.0708 and:0.0577 for:0.0336 in:0.0306 :0.4752 from:0.0219 by:0.0200 with:0.0198 on:0.0171 -the:0.2658 :0.5129 a:0.0704 that:0.0411 his:0.0209 tho:0.0197 it:0.0195 their:0.0173 to:0.0163 an:0.0160 -:0.6631 to:0.1211 and:0.0547 has:0.0470 had:0.0308 have:0.0295 of:0.0161 will:0.0148 the:0.0123 would:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6770 to:0.1130 and:0.0654 the:0.0446 of:0.0312 in:0.0214 a:0.0143 was:0.0132 is:0.0107 or:0.0093 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.7163 in:0.0599 to:0.0581 the:0.0442 with:0.0269 by:0.0236 for:0.0229 from:0.0182 upon:0.0150 of:0.0148 -:0.7798 to:0.0640 and:0.0616 will:0.0223 is:0.0137 not:0.0131 of:0.0129 would:0.0110 who:0.0110 was:0.0106 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.8446 they:0.0355 there:0.0275 we:0.0197 you:0.0161 as:0.0132 it:0.0125 that:0.0111 he:0.0100 who:0.0099 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.5875 the:0.2269 a:0.0607 and:0.0325 of:0.0295 is:0.0166 was:0.0156 this:0.0103 to:0.0102 tho:0.0102 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5093 the:0.1250 to:0.1007 a:0.0735 in:0.0727 for:0.0428 by:0.0231 of:0.0209 and:0.0187 with:0.0132 -:0.7049 of:0.1598 to:0.0351 and:0.0349 in:0.0180 for:0.0120 is:0.0113 or:0.0084 as:0.0084 that:0.0074 -:0.7573 and:0.1043 of:0.0381 together:0.0244 to:0.0232 up:0.0165 in:0.0105 but:0.0100 down:0.0081 that:0.0075 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.7448 the:0.0715 of:0.0373 to:0.0323 a:0.0314 and:0.0275 in:0.0198 by:0.0132 that:0.0114 for:0.0108 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7375 and:0.0707 has:0.0330 to:0.0293 is:0.0239 of:0.0239 was:0.0236 the:0.0212 have:0.0199 he:0.0171 -:0.8439 all:0.0512 the:0.0234 that:0.0216 which:0.0136 in:0.0133 said:0.0099 to:0.0095 on:0.0069 a:0.0066 -:0.6581 to:0.1132 the:0.0597 and:0.0352 a:0.0274 in:0.0271 of:0.0260 for:0.0189 that:0.0173 by:0.0171 -the:0.3338 :0.5061 a:0.0451 his:0.0335 tho:0.0176 their:0.0164 that:0.0136 to:0.0125 an:0.0111 her:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.8948 it:0.0284 as:0.0238 not:0.0115 and:0.0087 he:0.0073 him:0.0069 is:0.0069 have:0.0062 them:0.0055 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.1755 :0.6864 a:0.0360 this:0.0209 tho:0.0199 his:0.0187 that:0.0116 our:0.0108 their:0.0106 tbe:0.0095 -:0.5742 be:0.1734 have:0.1200 the:0.0545 do:0.0248 bo:0.0137 take:0.0113 a:0.0096 get:0.0093 see:0.0091 -:0.9210 chance:0.0117 visit:0.0108 right:0.0097 time:0.0090 desire:0.0088 year:0.0081 man:0.0073 letter:0.0069 return:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9249 line:0.0127 part:0.0103 side:0.0093 out:0.0090 day:0.0088 number:0.0071 and:0.0061 one:0.0061 many:0.0057 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9337 wife:0.0116 hand:0.0096 office:0.0088 home:0.0085 life:0.0078 hands:0.0057 way:0.0051 country:0.0046 interest:0.0045 -:0.7799 him:0.0410 them:0.0384 and:0.0299 up:0.0278 as:0.0242 that:0.0171 it:0.0150 down:0.0135 us:0.0132 -:0.7834 and:0.0574 to:0.0397 was:0.0252 is:0.0243 the:0.0229 will:0.0168 of:0.0104 who:0.0102 are:0.0098 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6258 and:0.0775 to:0.0772 of:0.0663 the:0.0493 in:0.0314 by:0.0251 for:0.0194 as:0.0157 on:0.0124 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5549 the:0.1984 be:0.1407 a:0.0298 have:0.0210 his:0.0199 tho:0.0103 this:0.0088 their:0.0085 bo:0.0079 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.8468 of:0.0433 and:0.0329 years:0.0194 or:0.0140 in:0.0125 to:0.0100 the:0.0079 for:0.0068 that:0.0066 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -the:0.5207 :0.2755 a:0.0951 his:0.0187 said:0.0186 tho:0.0178 their:0.0153 this:0.0140 an:0.0123 its:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6251 the:0.1141 and:0.0720 to:0.0528 of:0.0315 is:0.0298 was:0.0265 a:0.0259 are:0.0113 be:0.0111 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.7107 of:0.0743 to:0.0539 and:0.0434 the:0.0383 in:0.0255 at:0.0160 for:0.0135 a:0.0132 as:0.0112 -:0.7986 is:0.0695 was:0.0539 well:0.0217 and:0.0165 to:0.0097 soon:0.0083 so:0.0078 would:0.0074 has:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.6367 to:0.0874 the:0.0722 of:0.0632 a:0.0371 in:0.0306 and:0.0261 with:0.0161 for:0.0155 his:0.0151 -the:0.3270 :0.4893 a:0.0604 his:0.0286 tho:0.0212 which:0.0195 this:0.0177 their:0.0124 it:0.0124 our:0.0114 -:0.6627 the:0.0932 of:0.0746 to:0.0452 in:0.0311 and:0.0309 at:0.0212 a:0.0184 for:0.0117 or:0.0109 -:0.8391 of:0.0395 and:0.0274 to:0.0273 in:0.0177 or:0.0127 that:0.0116 the:0.0087 at:0.0080 a:0.0080 -a:0.2330 the:0.2202 :0.4216 he:0.0418 to:0.0146 an:0.0145 they:0.0141 any:0.0138 no:0.0135 it:0.0129 -:0.8175 of:0.0609 and:0.0275 in:0.0187 with:0.0157 that:0.0137 is:0.0127 the:0.0127 for:0.0117 was:0.0089 -:0.9063 hour:0.0355 side:0.0107 end:0.0087 day:0.0086 act:0.0078 office:0.0074 amount:0.0060 part:0.0048 opportunity:0.0043 -:0.6819 the:0.1571 of:0.0379 a:0.0328 in:0.0208 and:0.0188 to:0.0170 this:0.0125 his:0.0114 any:0.0097 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.8317 to:0.0707 and:0.0326 of:0.0137 that:0.0128 as:0.0124 in:0.0091 it:0.0062 from:0.0058 or:0.0050 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9305 and:0.0211 the:0.0100 of:0.0079 in:0.0073 time:0.0063 to:0.0053 was:0.0041 for:0.0039 other:0.0037 -:0.8062 favor:0.0513 one:0.0301 spite:0.0262 order:0.0217 front:0.0152 behalf:0.0145 some:0.0123 view:0.0119 all:0.0107 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.8486 of:0.0350 was:0.0179 is:0.0172 and:0.0165 had:0.0156 in:0.0145 to:0.0132 will:0.0120 would:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7404 it:0.0896 that:0.0774 which:0.0279 and:0.0168 the:0.0154 he:0.0105 as:0.0084 there:0.0071 one:0.0066 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8840 and:0.0188 would:0.0156 the:0.0148 will:0.0140 to:0.0139 was:0.0128 are:0.0095 a:0.0090 one:0.0075 -:0.8628 day:0.0598 side:0.0194 line:0.0135 part:0.0111 hundred:0.0084 one:0.0065 number:0.0064 and:0.0063 sort:0.0057 -:0.6057 the:0.2278 a:0.0628 his:0.0224 this:0.0180 he:0.0164 their:0.0156 and:0.0110 one:0.0101 of:0.0100 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7669 the:0.0595 and:0.0428 of:0.0283 is:0.0250 a:0.0238 was:0.0159 are:0.0139 he:0.0132 to:0.0105 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5824 of:0.2427 and:0.0353 is:0.0280 in:0.0266 or:0.0244 to:0.0227 the:0.0131 are:0.0124 for:0.0123 -:0.8269 to:0.0465 and:0.0381 the:0.0309 it:0.0110 of:0.0110 that:0.0095 is:0.0088 who:0.0088 a:0.0085 -:0.4900 to:0.1320 in:0.1084 of:0.0900 and:0.0528 for:0.0307 by:0.0306 is:0.0226 at:0.0226 with:0.0205 -:0.7712 that:0.0637 and:0.0371 which:0.0368 as:0.0276 if:0.0189 when:0.0129 the:0.0114 what:0.0102 where:0.0100 -:0.7688 the:0.0849 and:0.0403 of:0.0286 a:0.0241 to:0.0183 in:0.0130 for:0.0077 was:0.0073 that:0.0069 -:0.8062 favor:0.0513 one:0.0301 spite:0.0262 order:0.0217 front:0.0152 behalf:0.0145 some:0.0123 view:0.0119 all:0.0107 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.3446 :0.4738 a:0.0531 this:0.0294 tho:0.0239 his:0.0212 least:0.0138 their:0.0138 any:0.0137 he:0.0126 -the:0.2383 :0.4996 two:0.0573 a:0.0556 three:0.0433 his:0.0297 many:0.0225 four:0.0188 their:0.0186 tho:0.0164 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7120 of:0.0936 who:0.0792 and:0.0370 the:0.0196 is:0.0150 in:0.0130 to:0.0127 was:0.0114 which:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8515 of:0.0557 the:0.0266 and:0.0230 which:0.0084 that:0.0081 in:0.0072 he:0.0066 or:0.0066 are:0.0061 -:0.7843 that:0.1094 which:0.0302 and:0.0140 what:0.0129 when:0.0112 as:0.0105 where:0.0099 if:0.0099 of:0.0076 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7615 be:0.0440 in:0.0366 have:0.0298 not:0.0260 make:0.0228 that:0.0207 see:0.0205 to:0.0204 of:0.0178 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8605 the:0.0539 is:0.0183 a:0.0169 was:0.0152 not:0.0080 will:0.0079 said:0.0066 are:0.0066 in:0.0062 -:0.6416 the:0.0967 of:0.0957 and:0.0353 in:0.0321 is:0.0286 to:0.0218 a:0.0194 was:0.0182 for:0.0105 -the:0.2914 :0.5640 a:0.0519 other:0.0199 his:0.0186 any:0.0126 tho:0.0120 their:0.0113 its:0.0096 two:0.0087 -:0.6664 the:0.1449 a:0.0744 that:0.0197 in:0.0170 and:0.0170 of:0.0165 to:0.0153 by:0.0144 at:0.0144 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -they:0.3469 :0.3475 we:0.1484 there:0.0471 you:0.0324 he:0.0286 it:0.0255 she:0.0111 wo:0.0064 that:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.4819 not:0.0917 :0.2875 have:0.0282 bo:0.0240 to:0.0219 he:0.0217 the:0.0201 hereby:0.0114 a:0.0114 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8480 it:0.0319 who:0.0283 he:0.0217 the:0.0162 and:0.0140 to:0.0138 they:0.0098 there:0.0087 we:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.8457 to:0.0402 and:0.0252 of:0.0204 or:0.0194 up:0.0142 him:0.0108 in:0.0087 the:0.0081 a:0.0074 -:0.8475 he:0.0307 and:0.0231 to:0.0203 a:0.0198 the:0.0180 it:0.0160 one:0.0085 you:0.0082 is:0.0079 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5558 to:0.1404 of:0.1161 and:0.0568 in:0.0389 for:0.0234 from:0.0226 by:0.0181 that:0.0140 with:0.0139 -:0.8404 and:0.0412 of:0.0205 in:0.0187 was:0.0175 to:0.0152 had:0.0118 is:0.0117 have:0.0116 has:0.0115 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.9502 most:0.0105 last:0.0056 public:0.0051 highest:0.0051 present:0.0051 first:0.0048 said:0.0047 same:0.0045 past:0.0044 -:0.7828 the:0.0465 to:0.0449 and:0.0316 of:0.0228 a:0.0211 in:0.0156 that:0.0154 it:0.0098 for:0.0095 -of:0.2071 :0.4227 in:0.0980 that:0.0578 to:0.0486 for:0.0430 and:0.0402 from:0.0299 at:0.0271 with:0.0256 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9611 of:0.0073 above:0.0066 time:0.0064 in:0.0050 following:0.0029 said:0.0028 and:0.0027 to:0.0026 on:0.0025 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6283 the:0.1633 of:0.0649 a:0.0463 and:0.0253 in:0.0220 for:0.0151 that:0.0127 his:0.0115 was:0.0104 -has:0.2879 have:0.2061 had:0.1579 :0.2896 having:0.0250 lias:0.0107 not:0.0077 and:0.0059 the:0.0047 bad:0.0043 -:0.6512 the:0.1832 any:0.0275 to:0.0257 in:0.0250 his:0.0226 three:0.0188 a:0.0186 other:0.0138 of:0.0137 -:0.9265 time:0.0106 right:0.0102 as:0.0101 way:0.0100 power:0.0095 order:0.0084 subject:0.0052 money:0.0051 feet:0.0042 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.8366 in:0.0294 as:0.0243 that:0.0192 for:0.0176 is:0.0174 was:0.0169 with:0.0145 by:0.0126 to:0.0116 -:0.6695 of:0.1066 and:0.0758 in:0.0302 to:0.0254 the:0.0254 that:0.0219 for:0.0199 or:0.0134 as:0.0119 -:0.6523 the:0.1689 and:0.0394 to:0.0294 a:0.0256 his:0.0190 in:0.0178 he:0.0175 that:0.0156 it:0.0145 -:0.7938 of:0.0746 and:0.0414 to:0.0190 the:0.0178 in:0.0150 for:0.0115 or:0.0110 that:0.0096 with:0.0063 -:0.7514 of:0.0879 to:0.0393 and:0.0307 in:0.0295 the:0.0147 for:0.0133 that:0.0122 is:0.0112 at:0.0099 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.8876 one:0.0314 part:0.0164 out:0.0134 line:0.0130 side:0.0111 and:0.0100 day:0.0066 that:0.0057 men:0.0046 -:0.8278 and:0.0412 that:0.0294 it:0.0260 he:0.0176 as:0.0146 there:0.0116 they:0.0112 we:0.0103 but:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7585 and:0.0647 is:0.0466 to:0.0266 was:0.0256 will:0.0180 are:0.0178 of:0.0176 but:0.0125 as:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8054 and:0.0388 the:0.0368 a:0.0246 as:0.0238 is:0.0207 of:0.0164 that:0.0134 was:0.0111 be:0.0091 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6790 to:0.0963 of:0.0500 the:0.0487 and:0.0321 in:0.0295 a:0.0240 that:0.0151 for:0.0136 by:0.0118 -:0.8751 out:0.0285 side:0.0215 day:0.0167 and:0.0163 line:0.0122 one:0.0088 to:0.0088 or:0.0063 instead:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7330 the:0.1310 was:0.0316 a:0.0262 is:0.0217 and:0.0187 be:0.0133 this:0.0092 tho:0.0078 are:0.0075 -:0.6107 of:0.0961 and:0.0744 to:0.0740 for:0.0307 by:0.0244 in:0.0243 the:0.0233 as:0.0218 from:0.0201 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7857 to:0.0554 and:0.0404 the:0.0375 of:0.0304 in:0.0148 was:0.0103 is:0.0086 or:0.0086 that:0.0083 -:0.9218 and:0.0317 be:0.0074 up:0.0064 it:0.0059 or:0.0056 was:0.0056 that:0.0054 them:0.0052 are:0.0052 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7435 the:0.0975 a:0.0515 that:0.0229 and:0.0179 of:0.0174 to:0.0166 in:0.0138 an:0.0095 his:0.0094 -:0.5986 of:0.1256 and:0.0591 to:0.0559 the:0.0535 that:0.0288 in:0.0284 a:0.0201 by:0.0160 for:0.0140 -:0.9464 of:0.0102 to:0.0092 and:0.0070 in:0.0054 is:0.0053 time:0.0043 was:0.0041 day:0.0040 for:0.0040 -:0.7939 and:0.0466 of:0.0373 to:0.0303 that:0.0278 as:0.0188 which:0.0136 when:0.0122 for:0.0100 if:0.0095 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6241 of:0.1196 in:0.0608 and:0.0374 to:0.0350 the:0.0350 for:0.0334 with:0.0211 a:0.0174 by:0.0162 -:0.8320 of:0.0604 and:0.0444 to:0.0151 in:0.0115 for:0.0083 the:0.0076 as:0.0076 or:0.0065 with:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.5297 to:0.1091 and:0.0918 of:0.0585 with:0.0376 as:0.0372 the:0.0371 a:0.0368 for:0.0312 by:0.0311 -the:0.4498 :0.3549 a:0.0420 his:0.0412 tho:0.0265 their:0.0236 this:0.0218 said:0.0140 our:0.0136 its:0.0126 -:0.6523 in:0.1694 of:0.0375 at:0.0331 to:0.0254 for:0.0232 on:0.0177 with:0.0150 not:0.0133 all:0.0131 -:0.7089 the:0.0538 was:0.0374 of:0.0365 in:0.0350 is:0.0337 and:0.0301 has:0.0245 had:0.0216 to:0.0185 -:0.7335 a:0.0744 of:0.0456 in:0.0312 the:0.0293 to:0.0232 for:0.0192 and:0.0170 with:0.0151 no:0.0114 -:0.9326 same:0.0172 most:0.0073 last:0.0069 other:0.0065 first:0.0064 great:0.0060 public:0.0059 real:0.0055 the:0.0054 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.8766 good:0.0205 large:0.0193 few:0.0163 little:0.0159 great:0.0147 very:0.0114 certain:0.0106 small:0.0080 a:0.0067 -:0.9255 and:0.0183 day:0.0106 which:0.0100 that:0.0071 as:0.0068 but:0.0061 year:0.0058 time:0.0051 man:0.0047 -to:0.3008 :0.4981 will:0.0599 and:0.0328 would:0.0326 can:0.0176 shall:0.0159 must:0.0142 should:0.0141 may:0.0139 -:0.7420 the:0.0640 of:0.0473 to:0.0439 and:0.0365 in:0.0173 a:0.0143 that:0.0137 by:0.0116 for:0.0094 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.5613 :0.2897 a:0.0445 tho:0.0253 be:0.0222 this:0.0167 his:0.0125 their:0.0104 her:0.0099 our:0.0074 -:0.4849 a:0.1348 the:0.1247 of:0.0890 to:0.0628 and:0.0276 in:0.0232 by:0.0187 for:0.0187 any:0.0157 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8423 and:0.0576 to:0.0356 is:0.0197 was:0.0101 as:0.0082 but:0.0075 or:0.0075 out:0.0060 of:0.0054 -to:0.2718 :0.4827 will:0.0606 and:0.0505 would:0.0453 the:0.0248 may:0.0167 was:0.0161 should:0.0159 shall:0.0157 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6269 the:0.1737 to:0.0417 a:0.0375 that:0.0289 and:0.0265 of:0.0246 in:0.0189 by:0.0121 for:0.0092 -:0.9024 the:0.0314 them:0.0104 to:0.0100 it:0.0092 all:0.0086 one:0.0083 him:0.0081 any:0.0060 this:0.0057 -:0.7978 the:0.0835 a:0.0336 to:0.0258 in:0.0128 and:0.0127 that:0.0121 it:0.0091 his:0.0066 an:0.0059 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -the:0.3957 :0.3562 a:0.1329 his:0.0214 its:0.0200 their:0.0191 this:0.0165 tho:0.0156 an:0.0114 any:0.0112 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8252 to:0.0431 the:0.0290 and:0.0261 as:0.0219 of:0.0152 in:0.0133 have:0.0095 had:0.0086 that:0.0081 -of:0.2742 in:0.1020 :0.3092 to:0.0856 for:0.0642 by:0.0359 on:0.0352 that:0.0332 at:0.0303 and:0.0302 -:0.7074 to:0.0730 of:0.0633 and:0.0571 the:0.0296 in:0.0234 for:0.0143 from:0.0113 is:0.0108 at:0.0099 -:0.7267 to:0.0768 and:0.0587 that:0.0477 of:0.0178 the:0.0165 it:0.0161 which:0.0150 he:0.0127 as:0.0121 -:0.8530 and:0.0224 was:0.0214 is:0.0210 a:0.0188 the:0.0170 are:0.0142 be:0.0122 were:0.0102 to:0.0098 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8193 of:0.0402 and:0.0349 in:0.0250 to:0.0218 was:0.0137 on:0.0124 for:0.0112 the:0.0111 that:0.0103 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8670 a:0.0431 not:0.0248 that:0.0136 now:0.0135 the:0.0094 to:0.0083 an:0.0072 only:0.0067 so:0.0064 -:0.8602 of:0.0280 to:0.0233 and:0.0197 the:0.0137 be:0.0124 in:0.0113 that:0.0112 as:0.0110 a:0.0092 -cent:0.3251 :0.5553 annum:0.0539 the:0.0158 of:0.0139 to:0.0101 and:0.0076 centum:0.0063 is:0.0061 in:0.0059 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.8940 covered:0.0185 filled:0.0159 not:0.0157 now:0.0119 charged:0.0100 connected:0.0092 provided:0.0090 made:0.0087 called:0.0071 -:0.8426 of:0.0449 and:0.0275 the:0.0198 as:0.0133 in:0.0126 to:0.0112 is:0.0112 a:0.0091 was:0.0078 -:0.6254 the:0.1701 a:0.0650 he:0.0322 his:0.0284 that:0.0263 they:0.0183 in:0.0127 their:0.0118 of:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7284 that:0.0962 as:0.0469 which:0.0312 and:0.0280 when:0.0192 of:0.0149 but:0.0133 if:0.0109 where:0.0108 -:0.5024 of:0.1968 to:0.0742 in:0.0595 for:0.0580 and:0.0358 that:0.0225 on:0.0184 from:0.0183 by:0.0139 -:0.9110 day:0.0201 number:0.0110 part:0.0098 half:0.0092 side:0.0090 line:0.0084 member:0.0083 much:0.0071 one:0.0061 -:0.7615 be:0.0440 in:0.0366 have:0.0298 not:0.0260 make:0.0228 that:0.0207 see:0.0205 to:0.0204 of:0.0178 -:0.7384 the:0.0530 to:0.0489 and:0.0381 of:0.0270 in:0.0255 by:0.0188 a:0.0181 for:0.0170 that:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6681 of:0.0873 in:0.0684 to:0.0351 for:0.0285 and:0.0277 with:0.0276 on:0.0222 by:0.0181 at:0.0170 -:0.9005 the:0.0210 and:0.0190 of:0.0156 a:0.0105 to:0.0102 that:0.0069 have:0.0057 had:0.0054 in:0.0052 -:0.6849 a:0.1326 the:0.0641 not:0.0303 so:0.0227 very:0.0226 an:0.0137 no:0.0120 also:0.0088 his:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.8099 and:0.0411 the:0.0353 is:0.0251 a:0.0190 was:0.0179 are:0.0165 of:0.0145 have:0.0109 to:0.0100 -:0.8835 not:0.0351 now:0.0175 made:0.0131 held:0.0131 to:0.0107 so:0.0078 called:0.0067 known:0.0063 that:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -are:0.2103 :0.5806 were:0.0462 have:0.0448 will:0.0360 had:0.0203 would:0.0171 do:0.0168 be:0.0142 can:0.0137 -is:0.0373 was:0.0319 :0.8129 the:0.0223 to:0.0210 be:0.0161 are:0.0159 will:0.0156 and:0.0149 could:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.8769 part:0.0204 line:0.0194 day:0.0186 side:0.0152 and:0.0122 out:0.0108 one:0.0108 amount:0.0080 portion:0.0076 -:0.7662 and:0.0551 to:0.0535 of:0.0459 in:0.0179 as:0.0151 for:0.0131 that:0.0125 the:0.0118 a:0.0090 -:0.6153 the:0.2551 a:0.0490 that:0.0149 his:0.0142 tho:0.0115 their:0.0112 an:0.0101 our:0.0094 this:0.0093 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9169 of:0.0281 and:0.0126 little:0.0081 much:0.0064 large:0.0064 a:0.0059 the:0.0056 more:0.0051 in:0.0049 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8750 and:0.0373 to:0.0188 of:0.0152 that:0.0107 it:0.0104 up:0.0098 out:0.0087 away:0.0073 but:0.0069 -to:0.4113 will:0.1377 would:0.0642 :0.1918 shall:0.0489 can:0.0463 may:0.0349 should:0.0264 must:0.0225 could:0.0160 -:0.9258 and:0.0231 to:0.0117 went:0.0064 that:0.0064 it:0.0062 came:0.0055 is:0.0053 as:0.0049 which:0.0047 -:0.6867 the:0.0794 a:0.0700 not:0.0549 be:0.0228 been:0.0199 and:0.0187 or:0.0181 is:0.0149 to:0.0146 -:0.8480 of:0.0514 and:0.0365 the:0.0126 to:0.0124 or:0.0106 in:0.0096 for:0.0072 at:0.0059 a:0.0058 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6532 that:0.1007 which:0.0657 it:0.0407 as:0.0296 if:0.0280 he:0.0258 and:0.0232 when:0.0192 you:0.0140 -:0.6416 the:0.0967 of:0.0957 and:0.0353 in:0.0321 is:0.0286 to:0.0218 a:0.0194 was:0.0182 for:0.0105 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9114 fact:0.0186 opinion:0.0182 way:0.0096 time:0.0091 order:0.0085 office:0.0069 day:0.0063 mind:0.0062 life:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8813 and:0.0231 it:0.0196 up:0.0173 together:0.0122 him:0.0122 them:0.0099 the:0.0097 to:0.0082 you:0.0066 -:0.8575 and:0.0362 to:0.0250 the:0.0161 was:0.0130 is:0.0112 will:0.0112 who:0.0102 are:0.0098 would:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5350 of:0.2114 to:0.0716 and:0.0538 in:0.0459 for:0.0221 on:0.0164 at:0.0158 with:0.0151 by:0.0129 -:0.5487 of:0.2113 and:0.0786 to:0.0456 in:0.0298 for:0.0225 at:0.0204 with:0.0150 by:0.0146 from:0.0137 -:0.8364 come:0.0308 been:0.0233 failed:0.0229 made:0.0179 gone:0.0162 taken:0.0148 able:0.0144 them:0.0120 not:0.0112 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7756 and:0.0535 to:0.0373 the:0.0264 be:0.0247 was:0.0235 a:0.0203 is:0.0194 are:0.0112 were:0.0081 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.8939 and:0.0312 to:0.0155 of:0.0112 a:0.0111 was:0.0081 is:0.0078 he:0.0076 the:0.0068 be:0.0067 -:0.6925 the:0.1682 and:0.0339 a:0.0328 of:0.0160 this:0.0156 that:0.0135 his:0.0119 tho:0.0081 any:0.0074 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7679 and:0.0355 the:0.0315 was:0.0285 is:0.0278 be:0.0245 he:0.0245 has:0.0232 have:0.0189 a:0.0177 -:0.6393 of:0.1028 and:0.0771 to:0.0591 in:0.0300 was:0.0215 is:0.0206 for:0.0174 the:0.0169 on:0.0152 -:0.7061 to:0.0681 the:0.0558 of:0.0556 and:0.0293 in:0.0218 a:0.0201 that:0.0184 by:0.0149 at:0.0100 -:0.4472 to:0.1285 of:0.1057 in:0.0992 for:0.0635 by:0.0378 on:0.0362 from:0.0290 at:0.0270 with:0.0259 -:0.9424 and:0.0145 days:0.0121 years:0.0063 day:0.0062 of:0.0050 time:0.0035 men:0.0034 year:0.0033 hundred:0.0032 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.8807 not:0.0444 be:0.0278 have:0.0113 it:0.0108 do:0.0061 he:0.0060 the:0.0058 him:0.0037 all:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9620 to:0.0067 of:0.0059 and:0.0053 in:0.0042 from:0.0038 as:0.0033 is:0.0031 for:0.0029 by:0.0028 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.6637 not:0.0759 have:0.0675 in:0.0368 of:0.0333 is:0.0291 with:0.0257 as:0.0238 for:0.0224 to:0.0219 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8451 and:0.0461 to:0.0376 out:0.0151 that:0.0126 up:0.0108 but:0.0095 him:0.0085 down:0.0076 is:0.0070 -:0.6793 the:0.1153 he:0.0448 a:0.0403 they:0.0323 if:0.0259 we:0.0240 it:0.0142 this:0.0131 and:0.0107 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.5958 is:0.1596 to:0.0542 was:0.0455 in:0.0404 and:0.0276 for:0.0240 of:0.0213 with:0.0177 as:0.0138 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7884 and:0.0528 of:0.0452 to:0.0345 the:0.0170 in:0.0168 is:0.0135 for:0.0113 he:0.0104 was:0.0102 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.3673 a:0.1799 :0.3199 of:0.0603 his:0.0164 tho:0.0149 and:0.0148 this:0.0104 no:0.0086 our:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8346 and:0.0522 years:0.0235 are:0.0185 of:0.0172 days:0.0154 is:0.0117 were:0.0097 as:0.0090 or:0.0081 -of:0.5335 in:0.0665 to:0.0536 :0.1862 for:0.0418 and:0.0267 by:0.0256 on:0.0239 from:0.0222 with:0.0201 -:0.8940 and:0.0272 the:0.0156 to:0.0129 of:0.0114 is:0.0104 as:0.0083 that:0.0071 in:0.0066 was:0.0064 -:0.8314 of:0.0507 and:0.0426 to:0.0152 in:0.0127 that:0.0127 the:0.0114 or:0.0098 for:0.0080 at:0.0054 -:0.9399 same:0.0166 people:0.0073 said:0.0071 city:0.0058 public:0.0056 most:0.0048 first:0.0047 north:0.0041 best:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5584 not:0.1661 be:0.1151 the:0.0651 have:0.0385 a:0.0196 bo:0.0116 he:0.0096 do:0.0081 to:0.0077 -:0.5287 of:0.0846 in:0.0772 for:0.0491 by:0.0486 with:0.0467 on:0.0464 to:0.0412 that:0.0410 at:0.0364 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7382 the:0.1072 a:0.0399 to:0.0235 and:0.0200 of:0.0166 he:0.0160 it:0.0144 that:0.0125 in:0.0117 -:0.7984 the:0.0787 he:0.0289 a:0.0202 is:0.0167 and:0.0141 they:0.0120 to:0.0117 it:0.0102 one:0.0091 -:0.7511 of:0.0810 and:0.0450 to:0.0282 the:0.0204 in:0.0200 are:0.0149 that:0.0143 is:0.0131 for:0.0120 -will:0.2801 can:0.1279 would:0.1042 should:0.0796 may:0.0722 must:0.0701 could:0.0630 shall:0.0479 cannot:0.0338 might:0.0259 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.6234 the:0.2216 a:0.0726 that:0.0163 this:0.0123 such:0.0120 an:0.0108 and:0.0105 his:0.0103 all:0.0101 -:0.5021 would:0.1443 will:0.1080 we:0.0479 could:0.0458 may:0.0354 should:0.0305 they:0.0297 must:0.0287 might:0.0277 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7510 the:0.0997 to:0.0266 of:0.0247 a:0.0245 and:0.0178 in:0.0150 he:0.0149 that:0.0135 it:0.0122 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5090 of:0.2260 and:0.0711 to:0.0691 in:0.0426 as:0.0203 is:0.0177 for:0.0174 are:0.0137 was:0.0132 -:0.5856 well:0.1788 soon:0.0844 far:0.0448 it:0.0339 much:0.0266 long:0.0138 to:0.0116 a:0.0104 he:0.0101 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.5979 the:0.1417 a:0.1046 and:0.0327 of:0.0313 to:0.0267 that:0.0210 in:0.0170 his:0.0148 their:0.0126 -:0.5794 of:0.1718 and:0.0810 to:0.0753 in:0.0303 the:0.0147 or:0.0132 that:0.0121 for:0.0120 at:0.0102 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7080 and:0.0664 of:0.0651 to:0.0465 in:0.0351 the:0.0238 for:0.0160 are:0.0132 a:0.0131 at:0.0128 -:0.6585 the:0.0649 of:0.0640 and:0.0471 to:0.0407 in:0.0394 that:0.0317 a:0.0287 with:0.0133 on:0.0117 -:0.7294 to:0.0709 of:0.0534 and:0.0527 that:0.0235 in:0.0208 for:0.0147 a:0.0127 the:0.0125 by:0.0094 -:0.6655 the:0.1227 to:0.0593 of:0.0488 and:0.0423 in:0.0205 a:0.0165 for:0.0090 is:0.0080 with:0.0074 -:0.7701 the:0.0727 of:0.0260 a:0.0231 and:0.0220 to:0.0218 in:0.0185 had:0.0161 was:0.0153 is:0.0145 -:0.8746 of:0.0265 the:0.0209 and:0.0200 to:0.0135 not:0.0134 in:0.0085 at:0.0081 as:0.0077 more:0.0070 -:0.6142 of:0.1955 and:0.0635 the:0.0284 in:0.0260 to:0.0222 for:0.0144 with:0.0124 or:0.0124 on:0.0110 -to:0.1323 :0.4603 of:0.1048 in:0.0877 by:0.0498 for:0.0439 at:0.0345 on:0.0343 from:0.0289 with:0.0234 -:0.8956 not:0.0280 called:0.0132 made:0.0119 placed:0.0102 taken:0.0095 to:0.0093 paid:0.0083 a:0.0072 looked:0.0068 -:0.6068 of:0.1193 the:0.0510 to:0.0472 and:0.0447 in:0.0403 a:0.0271 that:0.0224 at:0.0207 as:0.0205 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6077 of:0.0678 in:0.0629 with:0.0530 to:0.0475 for:0.0427 by:0.0306 on:0.0304 that:0.0290 is:0.0286 -it:0.3099 :0.4766 there:0.0711 he:0.0692 she:0.0186 that:0.0143 they:0.0143 well:0.0089 what:0.0087 soon:0.0083 -:0.7950 and:0.0683 of:0.0502 to:0.0323 in:0.0148 for:0.0093 that:0.0085 from:0.0078 the:0.0070 on:0.0068 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6666 of:0.1728 and:0.0400 in:0.0272 to:0.0239 for:0.0169 the:0.0136 by:0.0135 at:0.0130 with:0.0125 -:0.7712 that:0.0637 and:0.0371 which:0.0368 as:0.0276 if:0.0189 when:0.0129 the:0.0114 what:0.0102 where:0.0100 -:0.9026 not:0.0190 him:0.0138 and:0.0137 it:0.0118 to:0.0112 them:0.0089 out:0.0081 up:0.0057 now:0.0052 -the:0.4416 :0.4304 this:0.0313 tho:0.0244 a:0.0214 said:0.0144 any:0.0111 our:0.0096 his:0.0093 these:0.0065 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8809 and:0.0330 the:0.0235 a:0.0114 was:0.0110 it:0.0087 of:0.0085 to:0.0083 is:0.0082 said:0.0065 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7188 to:0.0739 and:0.0578 of:0.0520 in:0.0271 for:0.0176 by:0.0156 that:0.0140 as:0.0121 on:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8762 the:0.0325 and:0.0193 a:0.0152 that:0.0119 is:0.0099 he:0.0098 of:0.0091 one:0.0081 as:0.0081 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.4438 of:0.1550 to:0.1144 in:0.0965 by:0.0391 on:0.0344 from:0.0310 with:0.0309 and:0.0275 for:0.0275 -:0.7876 it:0.0496 he:0.0493 that:0.0255 and:0.0236 who:0.0201 as:0.0147 which:0.0120 to:0.0089 there:0.0087 -:0.9352 most:0.0142 said:0.0125 last:0.0063 present:0.0062 same:0.0061 next:0.0060 following:0.0048 of:0.0045 first:0.0043 -have:0.0531 :0.7788 are:0.0450 had:0.0384 were:0.0234 be:0.0214 not:0.0109 do:0.0100 never:0.0099 could:0.0090 -:0.9268 same:0.0141 world:0.0110 city:0.0110 time:0.0070 war:0.0067 people:0.0065 country:0.0064 government:0.0055 law:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8604 of:0.0310 and:0.0275 the:0.0215 to:0.0126 in:0.0118 that:0.0103 or:0.0094 a:0.0084 is:0.0070 -of:0.4267 :0.2990 in:0.0715 on:0.0356 for:0.0352 to:0.0327 and:0.0315 with:0.0288 from:0.0223 at:0.0166 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5549 of:0.1375 to:0.0625 in:0.0581 for:0.0385 by:0.0360 and:0.0308 on:0.0296 with:0.0267 from:0.0255 -:0.7873 be:0.0705 the:0.0443 do:0.0334 have:0.0157 a:0.0110 get:0.0109 say:0.0101 go:0.0086 see:0.0081 -:0.9258 and:0.0231 to:0.0117 went:0.0064 that:0.0064 it:0.0062 came:0.0055 is:0.0053 as:0.0049 which:0.0047 -:0.6966 are:0.1125 were:0.0572 have:0.0394 had:0.0294 come:0.0188 went:0.0128 can:0.0114 go:0.0111 will:0.0108 -:0.7779 the:0.1191 a:0.0362 and:0.0155 his:0.0096 per:0.0095 of:0.0094 their:0.0082 three:0.0077 two:0.0067 -:0.8233 the:0.0411 and:0.0285 a:0.0277 was:0.0147 had:0.0139 has:0.0136 to:0.0126 have:0.0124 be:0.0123 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.4770 :0.3016 a:0.1181 his:0.0266 an:0.0171 tho:0.0151 their:0.0150 its:0.0105 this:0.0100 our:0.0088 -the:0.2377 :0.4755 he:0.0980 a:0.0808 they:0.0220 his:0.0207 this:0.0201 it:0.0168 she:0.0143 tho:0.0141 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.6120 the:0.2507 a:0.0363 it:0.0190 his:0.0189 tho:0.0168 all:0.0128 their:0.0122 which:0.0107 that:0.0107 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6890 the:0.1518 a:0.0578 and:0.0280 to:0.0201 of:0.0167 is:0.0111 was:0.0101 or:0.0079 are:0.0075 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.6280 the:0.2499 a:0.0301 said:0.0170 tho:0.0163 his:0.0155 their:0.0115 all:0.0106 her:0.0105 this:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.8643 of:0.0245 and:0.0210 the:0.0192 was:0.0170 is:0.0148 in:0.0122 a:0.0099 to:0.0089 had:0.0082 -:0.8532 go:0.0396 come:0.0225 return:0.0155 him:0.0149 try:0.0134 be:0.0114 them:0.0111 have:0.0099 appear:0.0085 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.6283 the:0.1633 of:0.0649 a:0.0463 and:0.0253 in:0.0220 for:0.0151 that:0.0127 his:0.0115 was:0.0104 -a:0.2442 :0.5935 the:0.0587 no:0.0268 to:0.0242 very:0.0198 an:0.0115 in:0.0077 more:0.0071 his:0.0065 -:0.7927 and:0.0732 of:0.0492 to:0.0175 in:0.0145 the:0.0135 is:0.0123 that:0.0103 for:0.0093 was:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8658 be:0.0335 which:0.0237 you:0.0181 do:0.0140 the:0.0101 they:0.0097 he:0.0086 it:0.0086 have:0.0079 -:0.7167 the:0.1382 a:0.0630 his:0.0244 their:0.0111 to:0.0110 he:0.0098 tho:0.0087 its:0.0086 no:0.0085 -:0.7369 to:0.0795 the:0.0585 a:0.0351 and:0.0205 as:0.0169 be:0.0137 so:0.0136 in:0.0131 not:0.0123 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9221 and:0.0233 days:0.0133 years:0.0093 to:0.0081 time:0.0073 of:0.0059 day:0.0038 out:0.0036 in:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -who:0.5028 :0.4169 they:0.0181 which:0.0174 we:0.0147 there:0.0079 men:0.0074 and:0.0069 as:0.0046 people:0.0033 -:0.6914 the:0.1060 to:0.0721 of:0.0360 and:0.0246 a:0.0177 in:0.0160 for:0.0136 by:0.0117 at:0.0110 -:0.7155 the:0.1046 a:0.0342 and:0.0342 that:0.0313 in:0.0268 for:0.0144 to:0.0138 of:0.0134 at:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6199 and:0.0958 to:0.0810 of:0.0744 the:0.0266 that:0.0251 in:0.0218 or:0.0191 as:0.0188 for:0.0175 -:0.5847 the:0.2798 a:0.0524 tho:0.0204 any:0.0158 these:0.0108 this:0.0105 all:0.0101 our:0.0086 his:0.0070 -:0.9120 same:0.0235 city:0.0122 other:0.0112 world:0.0105 war:0.0070 government:0.0065 people:0.0064 county:0.0059 man:0.0049 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7963 to:0.0906 not:0.0353 a:0.0152 and:0.0147 made:0.0122 it:0.0095 placed:0.0090 was:0.0086 so:0.0086 -of:0.2538 in:0.1194 to:0.1084 :0.2425 with:0.0810 for:0.0630 by:0.0469 and:0.0368 on:0.0256 from:0.0226 -:0.8530 and:0.0507 to:0.0204 of:0.0163 but:0.0141 that:0.0123 out:0.0114 as:0.0091 in:0.0064 is:0.0063 -:0.8183 and:0.0361 is:0.0287 to:0.0258 was:0.0242 would:0.0154 are:0.0139 will:0.0130 be:0.0129 has:0.0116 -:0.6640 be:0.2212 have:0.0473 to:0.0147 bo:0.0110 and:0.0102 the:0.0092 are:0.0077 of:0.0076 in:0.0072 -of:0.3120 :0.4522 in:0.0572 to:0.0329 for:0.0329 on:0.0315 and:0.0230 at:0.0222 from:0.0209 with:0.0152 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -of:0.3350 :0.4018 a:0.0631 in:0.0454 and:0.0341 the:0.0324 with:0.0293 for:0.0269 to:0.0197 is:0.0124 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -have:0.1571 :0.6688 had:0.0331 are:0.0307 is:0.0239 do:0.0229 get:0.0186 find:0.0173 make:0.0144 was:0.0133 -:0.8565 it:0.0475 there:0.0217 and:0.0185 that:0.0122 he:0.0117 who:0.0109 which:0.0101 ago:0.0064 days:0.0045 -:0.7208 and:0.0587 of:0.0519 to:0.0404 the:0.0289 in:0.0264 for:0.0222 that:0.0196 a:0.0166 as:0.0144 -:0.5373 to:0.1032 in:0.0927 of:0.0731 by:0.0426 on:0.0348 at:0.0343 for:0.0284 from:0.0270 that:0.0267 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -that:0.1418 :0.5159 and:0.0818 which:0.0701 as:0.0508 of:0.0422 but:0.0296 when:0.0282 than:0.0206 where:0.0190 -:0.8425 and:0.0477 to:0.0256 will:0.0196 as:0.0143 we:0.0114 is:0.0110 they:0.0096 he:0.0092 that:0.0091 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9068 and:0.0180 days:0.0135 which:0.0115 years:0.0107 of:0.0096 hundred:0.0086 it:0.0085 men:0.0067 months:0.0062 -:0.6142 of:0.1955 and:0.0635 the:0.0284 in:0.0260 to:0.0222 for:0.0144 with:0.0124 or:0.0124 on:0.0110 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.7467 it:0.0650 which:0.0480 he:0.0406 that:0.0314 and:0.0285 there:0.0123 she:0.0114 to:0.0093 as:0.0068 -:0.7253 in:0.0717 not:0.0362 at:0.0313 that:0.0271 to:0.0270 on:0.0217 of:0.0214 by:0.0193 for:0.0191 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6050 and:0.0858 of:0.0638 is:0.0556 to:0.0546 was:0.0507 in:0.0293 the:0.0240 as:0.0156 that:0.0155 -:0.6752 the:0.1789 he:0.0469 a:0.0219 they:0.0172 and:0.0169 it:0.0138 are:0.0114 of:0.0092 have:0.0087 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7712 that:0.0637 and:0.0371 which:0.0368 as:0.0276 if:0.0189 when:0.0129 the:0.0114 what:0.0102 where:0.0100 -:0.9599 city:0.0058 people:0.0056 land:0.0053 work:0.0048 county:0.0040 country:0.0038 law:0.0037 bill:0.0036 right:0.0035 -:0.8566 much:0.0477 as:0.0303 far:0.0184 it:0.0131 well:0.0088 is:0.0072 ready:0.0063 that:0.0059 not:0.0057 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.9530 city:0.0082 time:0.0059 people:0.0058 world:0.0055 matter:0.0051 bill:0.0044 case:0.0041 work:0.0040 state:0.0040 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.6564 the:0.1657 a:0.0395 of:0.0345 in:0.0285 and:0.0261 is:0.0144 tho:0.0121 this:0.0119 his:0.0108 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7336 the:0.1297 to:0.0344 and:0.0287 of:0.0212 a:0.0164 in:0.0102 this:0.0098 or:0.0084 is:0.0076 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -was:0.1630 :0.5405 had:0.0938 is:0.0826 has:0.0467 in:0.0196 took:0.0163 saw:0.0146 as:0.0115 of:0.0115 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.7493 the:0.1178 and:0.0477 of:0.0186 this:0.0132 as:0.0119 a:0.0114 who:0.0103 that:0.0102 to:0.0096 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -of:0.2048 :0.4029 in:0.0959 to:0.0577 with:0.0562 for:0.0534 by:0.0391 and:0.0313 from:0.0295 on:0.0292 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7120 of:0.0936 who:0.0792 and:0.0370 the:0.0196 is:0.0150 in:0.0130 to:0.0127 was:0.0114 which:0.0065 -:0.8202 the:0.0454 is:0.0264 and:0.0247 a:0.0231 was:0.0166 are:0.0147 be:0.0118 of:0.0089 to:0.0082 -:0.6155 the:0.0868 to:0.0575 of:0.0530 and:0.0521 in:0.0334 that:0.0318 a:0.0304 for:0.0255 by:0.0140 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7202 of:0.1052 and:0.0543 in:0.0271 for:0.0230 as:0.0154 that:0.0152 the:0.0141 or:0.0135 but:0.0121 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.7066 to:0.1316 and:0.0611 we:0.0189 he:0.0174 of:0.0166 who:0.0148 they:0.0114 will:0.0113 it:0.0103 -:0.5909 the:0.1559 he:0.1068 it:0.0350 they:0.0255 a:0.0251 this:0.0204 we:0.0157 she:0.0127 is:0.0120 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6601 of:0.1096 and:0.0890 is:0.0359 but:0.0221 in:0.0191 that:0.0187 to:0.0166 was:0.0149 for:0.0141 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.9578 and:0.0124 place:0.0042 is:0.0041 day:0.0041 man:0.0040 it:0.0039 up:0.0038 that:0.0029 work:0.0028 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7196 and:0.1795 to:0.0218 of:0.0190 or:0.0134 than:0.0123 but:0.0108 is:0.0085 was:0.0082 that:0.0069 -of:0.4089 :0.3023 in:0.0733 to:0.0654 for:0.0330 and:0.0291 on:0.0260 from:0.0233 by:0.0212 with:0.0175 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9286 it:0.0218 he:0.0142 the:0.0117 there:0.0059 they:0.0045 time:0.0042 we:0.0031 you:0.0030 in:0.0030 -the:0.2594 of:0.2203 :0.3407 a:0.0609 and:0.0389 in:0.0182 his:0.0174 by:0.0170 for:0.0145 that:0.0126 -:0.6238 the:0.2361 a:0.0602 be:0.0187 any:0.0154 this:0.0128 his:0.0113 tho:0.0098 take:0.0060 her:0.0060 -:0.9169 of:0.0281 and:0.0126 little:0.0081 much:0.0064 large:0.0064 a:0.0059 the:0.0056 more:0.0051 in:0.0049 -:0.7172 is:0.0522 the:0.0407 and:0.0383 was:0.0382 or:0.0303 of:0.0283 a:0.0247 are:0.0152 not:0.0148 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7502 he:0.0519 it:0.0437 they:0.0362 which:0.0303 and:0.0251 we:0.0206 that:0.0155 who:0.0150 you:0.0115 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2712 :0.5219 a:0.0691 this:0.0409 his:0.0213 any:0.0187 tho:0.0172 one:0.0150 that:0.0126 an:0.0120 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.8627 young:0.0237 other:0.0200 th:0.0167 old:0.0148 whole:0.0138 same:0.0129 said:0.0120 a:0.0120 last:0.0114 -:0.7868 of:0.0592 and:0.0427 is:0.0190 in:0.0182 that:0.0168 to:0.0159 was:0.0157 the:0.0129 for:0.0127 -:0.8308 and:0.0617 of:0.0373 in:0.0146 to:0.0143 the:0.0113 for:0.0088 is:0.0085 from:0.0066 was:0.0062 -:0.8956 year:0.0237 time:0.0163 day:0.0151 man:0.0146 matter:0.0093 point:0.0086 moment:0.0058 bill:0.0055 week:0.0054 -:0.6490 the:0.0775 of:0.0695 is:0.0407 and:0.0369 a:0.0333 to:0.0278 in:0.0261 was:0.0249 at:0.0144 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.6033 the:0.2212 this:0.0360 a:0.0330 of:0.0315 and:0.0216 his:0.0204 in:0.0113 tho:0.0109 to:0.0107 -:0.7362 the:0.0909 and:0.0416 a:0.0281 of:0.0220 was:0.0216 is:0.0178 be:0.0148 have:0.0143 in:0.0127 -:0.6733 of:0.0875 to:0.0591 and:0.0590 in:0.0292 the:0.0246 that:0.0229 for:0.0185 by:0.0131 from:0.0128 -:0.8228 and:0.0445 the:0.0357 to:0.0233 of:0.0201 is:0.0139 that:0.0109 in:0.0104 will:0.0101 was:0.0083 -:0.5936 the:0.2175 a:0.0832 of:0.0294 tho:0.0161 and:0.0160 this:0.0141 his:0.0107 was:0.0101 in:0.0093 -:0.6915 in:0.0602 of:0.0568 was:0.0509 is:0.0348 to:0.0299 had:0.0240 on:0.0211 for:0.0166 at:0.0143 -:0.8797 and:0.0237 to:0.0234 is:0.0149 was:0.0126 the:0.0125 of:0.0106 are:0.0086 or:0.0073 a:0.0068 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.8566 much:0.0477 as:0.0303 far:0.0184 it:0.0131 well:0.0088 is:0.0072 ready:0.0063 that:0.0059 not:0.0057 -:0.9605 in:0.0065 of:0.0059 and:0.0058 long:0.0038 it:0.0037 that:0.0037 more:0.0036 up:0.0036 known:0.0030 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9028 and:0.0191 down:0.0125 up:0.0112 as:0.0112 them:0.0107 according:0.0100 enough:0.0079 feet:0.0074 due:0.0072 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7820 of:0.0853 and:0.0329 the:0.0241 in:0.0177 that:0.0169 to:0.0123 at:0.0110 a:0.0094 for:0.0083 -:0.7281 the:0.0994 a:0.0705 to:0.0320 of:0.0171 that:0.0124 and:0.0116 other:0.0111 tho:0.0088 his:0.0088 -not:0.2675 :0.6502 the:0.0237 he:0.0114 is:0.0091 a:0.0091 so:0.0084 and:0.0073 it:0.0071 made:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7938 of:0.0470 the:0.0436 and:0.0327 that:0.0192 a:0.0169 to:0.0164 in:0.0127 for:0.0090 ago:0.0087 -:0.6069 a:0.1898 the:0.0530 to:0.0513 in:0.0274 no:0.0179 at:0.0161 an:0.0158 for:0.0110 not:0.0108 -more:0.3040 :0.5133 less:0.0774 not:0.0366 better:0.0184 rather:0.0158 now:0.0125 the:0.0079 that:0.0078 one:0.0063 -:0.7275 the:0.0978 a:0.0562 and:0.0302 of:0.0299 that:0.0147 to:0.0140 in:0.0107 for:0.0103 it:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7375 the:0.0958 of:0.0492 a:0.0281 and:0.0249 in:0.0181 for:0.0131 is:0.0124 his:0.0121 that:0.0087 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.8343 know:0.0261 be:0.0247 to:0.0227 only:0.0200 and:0.0179 that:0.0169 have:0.0149 in:0.0124 as:0.0100 -:0.9237 and:0.0218 to:0.0147 in:0.0125 of:0.0053 out:0.0050 up:0.0045 on:0.0045 it:0.0042 or:0.0037 -:0.8432 that:0.0323 to:0.0286 in:0.0286 not:0.0131 for:0.0123 now:0.0123 of:0.0102 with:0.0098 a:0.0097 -:0.6245 a:0.1743 not:0.0487 the:0.0401 to:0.0352 no:0.0286 an:0.0196 only:0.0106 now:0.0093 well:0.0092 -:0.7094 of:0.0851 and:0.0720 to:0.0507 in:0.0192 for:0.0136 that:0.0134 the:0.0133 as:0.0123 or:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.6380 the:0.1611 of:0.0487 and:0.0363 a:0.0347 to:0.0282 in:0.0220 was:0.0110 for:0.0109 or:0.0092 -:0.6507 of:0.1390 and:0.0578 in:0.0276 at:0.0259 to:0.0257 for:0.0211 by:0.0182 with:0.0172 that:0.0168 -:0.5098 to:0.1703 the:0.0913 and:0.0864 he:0.0549 of:0.0222 will:0.0214 was:0.0155 they:0.0147 it:0.0136 -:0.8351 the:0.0536 of:0.0246 and:0.0235 a:0.0205 in:0.0097 to:0.0097 for:0.0090 with:0.0072 that:0.0071 -:0.6235 the:0.1780 a:0.0758 of:0.0248 and:0.0226 to:0.0191 this:0.0166 his:0.0147 any:0.0140 more:0.0108 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0188 old:0.0149 a:0.0102 th:0.0072 average:0.0068 various:0.0063 every:0.0062 hour:0.0055 inch:0.0052 last:0.0051 -:0.6958 the:0.1225 of:0.0362 and:0.0347 a:0.0286 is:0.0286 was:0.0180 this:0.0127 to:0.0120 or:0.0111 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8597 of:0.0370 and:0.0260 to:0.0239 in:0.0153 the:0.0105 a:0.0078 or:0.0072 for:0.0064 is:0.0063 -:0.7655 of:0.0836 and:0.0495 to:0.0261 as:0.0189 in:0.0165 is:0.0138 for:0.0102 was:0.0089 are:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7769 to:0.0543 and:0.0376 the:0.0370 in:0.0264 of:0.0240 for:0.0126 that:0.0107 at:0.0104 was:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8129 able:0.0746 made:0.0219 allowed:0.0194 given:0.0148 required:0.0116 compelled:0.0115 used:0.0115 ready:0.0112 liable:0.0105 -:0.6875 and:0.0821 of:0.0652 to:0.0422 in:0.0326 the:0.0321 that:0.0210 he:0.0135 for:0.0132 by:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7979 of:0.0612 the:0.0338 and:0.0318 in:0.0168 for:0.0134 that:0.0130 a:0.0113 to:0.0111 are:0.0097 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.6595 of:0.0712 and:0.0705 the:0.0591 to:0.0431 that:0.0290 a:0.0206 for:0.0166 in:0.0155 or:0.0148 -:0.9403 and:0.0225 to:0.0056 is:0.0052 of:0.0050 that:0.0049 one:0.0045 the:0.0044 was:0.0041 all:0.0036 -:0.6522 that:0.1125 of:0.0737 and:0.0536 to:0.0310 in:0.0207 the:0.0196 a:0.0144 for:0.0133 at:0.0090 -:0.7017 a:0.0632 the:0.0441 and:0.0418 is:0.0385 to:0.0300 was:0.0280 he:0.0198 are:0.0176 of:0.0153 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9271 little:0.0135 great:0.0109 good:0.0102 few:0.0086 large:0.0079 man:0.0068 year:0.0055 long:0.0049 small:0.0044 -:0.9014 and:0.0249 to:0.0133 is:0.0116 him:0.0114 up:0.0103 out:0.0086 was:0.0067 made:0.0062 them:0.0057 -the:0.2328 a:0.1122 :0.5083 he:0.0304 to:0.0283 his:0.0223 we:0.0219 they:0.0195 an:0.0125 tho:0.0118 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.4687 ago:0.1944 that:0.1253 and:0.0926 as:0.0434 of:0.0234 but:0.0210 when:0.0123 for:0.0100 than:0.0090 -:0.9240 and:0.0161 is:0.0097 as:0.0090 out:0.0084 made:0.0082 to:0.0064 bidder:0.0062 was:0.0061 but:0.0059 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6834 in:0.0986 of:0.0732 to:0.0290 at:0.0246 that:0.0216 for:0.0196 on:0.0189 the:0.0160 and:0.0149 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2871 :0.5451 a:0.0575 his:0.0214 their:0.0212 this:0.0175 tho:0.0149 said:0.0122 which:0.0117 all:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8615 to:0.0301 and:0.0288 of:0.0233 in:0.0144 the:0.0101 was:0.0087 or:0.0081 as:0.0077 a:0.0074 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.5278 the:0.1647 of:0.1249 to:0.0525 and:0.0367 in:0.0335 a:0.0278 his:0.0132 by:0.0104 for:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6363 the:0.1356 to:0.0550 and:0.0542 of:0.0383 a:0.0358 will:0.0146 in:0.0113 was:0.0095 or:0.0094 -:0.8650 of:0.0309 and:0.0281 the:0.0147 that:0.0137 in:0.0128 as:0.0099 to:0.0097 he:0.0077 is:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5991 those:0.1724 he:0.0891 it:0.0302 one:0.0283 they:0.0261 that:0.0160 the:0.0147 we:0.0124 not:0.0116 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -is:0.2613 :0.4120 was:0.1259 to:0.0533 would:0.0408 will:0.0353 the:0.0219 has:0.0183 and:0.0172 in:0.0140 -:0.6241 of:0.1196 in:0.0608 and:0.0374 to:0.0350 the:0.0350 for:0.0334 with:0.0211 a:0.0174 by:0.0162 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.6861 of:0.1108 and:0.0473 to:0.0387 a:0.0245 the:0.0237 in:0.0226 for:0.0197 by:0.0136 as:0.0129 -:0.6613 to:0.0935 of:0.0586 the:0.0481 and:0.0478 in:0.0311 that:0.0181 for:0.0167 by:0.0140 a:0.0110 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7353 and:0.1308 to:0.0385 was:0.0204 is:0.0178 of:0.0172 the:0.0128 will:0.0115 or:0.0081 has:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.7256 of:0.0770 and:0.0548 the:0.0371 to:0.0331 in:0.0186 that:0.0168 a:0.0132 as:0.0126 for:0.0111 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -be:0.3122 :0.5513 not:0.0366 bo:0.0311 take:0.0159 have:0.0142 get:0.0122 to:0.0101 the:0.0096 give:0.0069 -:0.6418 the:0.1641 a:0.0472 to:0.0415 and:0.0286 that:0.0222 of:0.0188 in:0.0155 it:0.0104 by:0.0099 -:0.8669 is:0.0250 not:0.0165 and:0.0160 it:0.0158 that:0.0150 one:0.0119 was:0.0118 are:0.0108 as:0.0103 -:0.6012 of:0.1059 and:0.0771 to:0.0542 the:0.0402 in:0.0299 for:0.0264 a:0.0240 that:0.0226 by:0.0185 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6708 been:0.1345 made:0.0398 to:0.0346 in:0.0336 become:0.0202 not:0.0197 by:0.0168 received:0.0154 for:0.0146 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8081 the:0.0507 of:0.0393 and:0.0266 a:0.0197 that:0.0168 to:0.0121 in:0.0095 or:0.0088 with:0.0084 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7077 that:0.1146 if:0.0531 when:0.0417 as:0.0231 which:0.0198 what:0.0129 the:0.0095 it:0.0095 then:0.0081 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7926 and:0.0521 the:0.0325 he:0.0323 it:0.0173 that:0.0156 which:0.0146 is:0.0145 be:0.0143 who:0.0141 -:0.4787 to:0.1100 in:0.1070 of:0.0781 by:0.0553 at:0.0399 on:0.0357 that:0.0329 from:0.0326 for:0.0298 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9578 city:0.0063 land:0.0053 country:0.0052 interest:0.0050 work:0.0043 people:0.0043 county:0.0042 house:0.0039 time:0.0037 -:0.9578 city:0.0063 land:0.0053 country:0.0052 interest:0.0050 work:0.0043 people:0.0043 county:0.0042 house:0.0039 time:0.0037 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -per:0.7284 the:0.0574 :0.1503 a:0.0284 nper:0.0189 any:0.0042 three:0.0032 two:0.0032 few:0.0031 six:0.0030 -:0.7030 to:0.0705 of:0.0697 and:0.0505 in:0.0360 the:0.0230 is:0.0161 was:0.0128 for:0.0106 a:0.0077 -:0.7722 he:0.0441 they:0.0397 it:0.0315 and:0.0284 who:0.0242 we:0.0212 which:0.0152 that:0.0144 you:0.0091 -:0.8493 the:0.0337 and:0.0336 a:0.0184 he:0.0176 it:0.0170 to:0.0081 of:0.0078 that:0.0073 is:0.0071 -:0.8734 other:0.0479 and:0.0174 of:0.0122 one:0.0109 time:0.0101 the:0.0078 more:0.0075 to:0.0072 person:0.0055 -:0.8633 not:0.0280 able:0.0192 going:0.0180 likely:0.0156 ready:0.0133 due:0.0116 necessary:0.0111 expected:0.0100 impossible:0.0099 -:0.8249 be:0.0915 the:0.0325 say:0.0094 him:0.0076 work:0.0073 one:0.0070 he:0.0070 it:0.0069 bo:0.0060 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5394 to:0.1779 and:0.0804 of:0.0687 or:0.0320 in:0.0306 was:0.0231 is:0.0209 for:0.0145 are:0.0125 -:0.6547 of:0.1330 and:0.0533 the:0.0436 to:0.0295 in:0.0206 are:0.0200 that:0.0191 is:0.0135 by:0.0127 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5610 and:0.1375 to:0.1268 of:0.1020 for:0.0153 in:0.0145 was:0.0138 is:0.0099 at:0.0098 or:0.0093 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.9010 good:0.0190 very:0.0146 little:0.0128 great:0.0128 few:0.0113 large:0.0103 long:0.0065 certain:0.0062 man:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5826 of:0.1829 in:0.0660 for:0.0371 to:0.0302 and:0.0277 with:0.0255 on:0.0201 from:0.0144 by:0.0135 -:0.6874 of:0.0966 and:0.0541 the:0.0377 to:0.0307 that:0.0261 in:0.0224 for:0.0174 with:0.0139 or:0.0138 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8424 the:0.0301 to:0.0226 in:0.0223 and:0.0197 of:0.0180 that:0.0139 a:0.0116 by:0.0097 at:0.0096 -:0.6485 he:0.1293 and:0.0428 who:0.0381 they:0.0317 we:0.0261 be:0.0229 it:0.0221 have:0.0194 as:0.0191 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -of:0.2645 :0.4602 and:0.0878 in:0.0564 to:0.0455 for:0.0265 with:0.0171 as:0.0142 from:0.0140 at:0.0139 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6120 the:0.2507 a:0.0363 it:0.0190 his:0.0189 tho:0.0168 all:0.0128 their:0.0122 which:0.0107 that:0.0107 -be:0.5732 :0.3077 not:0.0329 bo:0.0302 have:0.0276 go:0.0065 take:0.0062 he:0.0062 give:0.0048 never:0.0047 -:0.6465 the:0.1277 to:0.0485 of:0.0390 and:0.0380 a:0.0263 was:0.0225 is:0.0194 be:0.0167 in:0.0155 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2696 :0.4445 and:0.0602 in:0.0583 to:0.0534 at:0.0351 is:0.0231 on:0.0190 are:0.0188 from:0.0177 -:0.7081 to:0.0544 of:0.0536 and:0.0465 the:0.0415 in:0.0292 a:0.0182 as:0.0176 that:0.0163 for:0.0146 -:0.8230 of:0.0662 and:0.0300 to:0.0185 in:0.0168 the:0.0142 a:0.0087 for:0.0086 as:0.0072 at:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7565 of:0.1178 and:0.0443 to:0.0216 in:0.0146 or:0.0116 for:0.0095 the:0.0093 is:0.0076 are:0.0072 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7476 of:0.0901 and:0.0621 the:0.0257 in:0.0167 a:0.0138 is:0.0119 to:0.0114 with:0.0114 for:0.0091 -will:0.2578 would:0.1466 may:0.1156 to:0.0923 shall:0.0710 should:0.0520 :0.1636 must:0.0433 can:0.0348 could:0.0231 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6709 to:0.0723 and:0.0485 of:0.0375 we:0.0333 who:0.0326 that:0.0310 they:0.0306 which:0.0291 as:0.0142 -:0.8101 the:0.0436 and:0.0405 of:0.0335 is:0.0154 a:0.0140 in:0.0132 to:0.0123 was:0.0104 be:0.0069 -was:0.2434 is:0.2188 :0.2242 are:0.0719 were:0.0692 be:0.0462 has:0.0436 have:0.0383 had:0.0264 would:0.0179 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.7719 and:0.0501 to:0.0436 the:0.0340 will:0.0227 of:0.0193 is:0.0172 in:0.0144 who:0.0141 that:0.0128 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8834 had:0.0284 was:0.0225 went:0.0166 came:0.0102 has:0.0093 and:0.0081 is:0.0078 held:0.0070 covered:0.0067 -:0.6993 the:0.0761 of:0.0500 to:0.0389 in:0.0306 and:0.0301 a:0.0278 that:0.0219 for:0.0143 or:0.0111 -:0.6035 the:0.1722 of:0.0998 in:0.0274 a:0.0269 and:0.0221 for:0.0148 at:0.0134 by:0.0103 to:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6600 the:0.1142 of:0.0592 and:0.0454 a:0.0364 in:0.0284 is:0.0175 to:0.0166 was:0.0118 for:0.0106 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9742 it:0.0053 the:0.0037 wife:0.0029 then:0.0026 that:0.0025 he:0.0025 there:0.0025 interest:0.0019 in:0.0019 -:0.9695 and:0.0049 the:0.0048 be:0.0046 are:0.0032 is:0.0030 was:0.0028 he:0.0027 that:0.0024 we:0.0021 -:0.8759 and:0.0272 them:0.0181 to:0.0161 him:0.0139 it:0.0105 or:0.0105 up:0.0099 of:0.0099 we:0.0079 -:0.8213 and:0.0364 the:0.0315 was:0.0237 is:0.0215 be:0.0160 of:0.0144 have:0.0126 has:0.0116 had:0.0109 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -to:0.1538 :0.5313 of:0.0672 and:0.0611 the:0.0446 in:0.0433 that:0.0341 for:0.0316 by:0.0171 at:0.0160 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.8468 of:0.0433 and:0.0329 years:0.0194 or:0.0140 in:0.0125 to:0.0100 the:0.0079 for:0.0068 that:0.0066 -be:0.2588 :0.6046 the:0.0500 have:0.0298 see:0.0124 make:0.0108 bo:0.0106 do:0.0080 a:0.0075 take:0.0075 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8206 of:0.0395 and:0.0378 the:0.0244 to:0.0177 is:0.0138 or:0.0123 a:0.0119 was:0.0114 be:0.0106 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9337 and:0.0156 of:0.0106 in:0.0090 him:0.0058 that:0.0058 at:0.0054 up:0.0053 on:0.0047 down:0.0042 -:0.9231 days:0.0139 and:0.0103 him:0.0090 that:0.0081 them:0.0080 it:0.0075 men:0.0069 years:0.0068 of:0.0063 -of:0.1486 :0.3794 to:0.1230 in:0.1102 for:0.0566 that:0.0461 and:0.0420 on:0.0382 from:0.0295 by:0.0264 -we:0.2307 they:0.2138 :0.3545 to:0.0870 you:0.0322 he:0.0248 soon:0.0165 it:0.0146 well:0.0146 may:0.0112 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7741 the:0.0754 a:0.0579 of:0.0191 that:0.0157 no:0.0132 in:0.0127 at:0.0117 for:0.0103 this:0.0100 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7418 which:0.0675 it:0.0665 he:0.0449 that:0.0265 they:0.0151 you:0.0110 and:0.0107 there:0.0101 the:0.0059 -:0.8774 and:0.0454 are:0.0137 were:0.0117 days:0.0108 years:0.0099 or:0.0091 them:0.0087 oclock:0.0067 him:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2940 :0.5781 a:0.0400 his:0.0203 tho:0.0157 it:0.0122 an:0.0108 their:0.0102 this:0.0094 all:0.0092 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.8081 and:0.0598 of:0.0485 to:0.0252 the:0.0154 in:0.0133 for:0.0094 by:0.0071 from:0.0068 is:0.0064 -:0.7123 the:0.1197 a:0.0460 and:0.0448 of:0.0174 to:0.0156 is:0.0128 was:0.0124 are:0.0101 that:0.0089 -:0.7947 that:0.0787 as:0.0282 and:0.0211 for:0.0156 if:0.0146 but:0.0144 in:0.0133 to:0.0108 when:0.0085 -:0.6528 the:0.2016 a:0.0741 and:0.0167 this:0.0155 his:0.0095 tho:0.0083 their:0.0082 one:0.0068 is:0.0067 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7740 of:0.0779 and:0.0488 are:0.0182 to:0.0164 in:0.0148 or:0.0132 that:0.0126 the:0.0121 is:0.0120 -:0.7376 of:0.0673 the:0.0470 and:0.0428 to:0.0314 in:0.0255 for:0.0135 a:0.0121 that:0.0116 as:0.0112 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9461 other:0.0147 same:0.0092 following:0.0053 said:0.0053 the:0.0046 whole:0.0041 last:0.0040 next:0.0034 north:0.0033 -:0.5791 of:0.1180 the:0.0913 and:0.0649 a:0.0479 to:0.0403 in:0.0175 is:0.0167 be:0.0134 or:0.0109 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7490 the:0.1430 a:0.0352 and:0.0129 it:0.0127 to:0.0114 tho:0.0098 that:0.0095 his:0.0084 he:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5889 is:0.0779 of:0.0735 was:0.0541 for:0.0475 in:0.0459 as:0.0331 and:0.0312 with:0.0257 that:0.0223 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9594 same:0.0071 time:0.0054 world:0.0051 people:0.0041 old:0.0040 city:0.0040 best:0.0039 other:0.0037 highest:0.0034 -the:0.3325 :0.4664 a:0.0507 his:0.0365 tho:0.0291 their:0.0226 this:0.0192 our:0.0176 these:0.0127 said:0.0126 -:0.8426 of:0.0376 and:0.0337 or:0.0224 the:0.0156 a:0.0154 is:0.0100 for:0.0089 are:0.0072 than:0.0065 -is:0.0479 would:0.0459 will:0.0354 was:0.0260 :0.7762 can:0.0177 to:0.0138 the:0.0129 has:0.0121 must:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.6879 and:0.0587 of:0.0576 the:0.0394 to:0.0371 in:0.0296 is:0.0262 are:0.0251 for:0.0198 was:0.0186 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7619 make:0.0445 be:0.0362 the:0.0313 take:0.0292 give:0.0232 get:0.0208 do:0.0184 see:0.0181 have:0.0164 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8604 all:0.0457 the:0.0244 that:0.0233 which:0.0133 in:0.0110 said:0.0063 at:0.0063 of:0.0047 to:0.0045 -:0.5500 is:0.1168 in:0.0685 to:0.0677 of:0.0534 was:0.0465 for:0.0309 with:0.0248 on:0.0211 and:0.0203 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9336 that:0.0155 as:0.0105 then:0.0094 all:0.0092 in:0.0051 to:0.0046 and:0.0043 the:0.0040 have:0.0037 -:0.8112 and:0.0643 to:0.0188 it:0.0179 down:0.0163 up:0.0162 or:0.0151 out:0.0143 away:0.0132 him:0.0127 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8370 that:0.0306 to:0.0280 it:0.0256 not:0.0229 and:0.0219 for:0.0106 in:0.0080 of:0.0077 with:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.2413 :0.5180 would:0.0496 we:0.0451 who:0.0312 and:0.0260 they:0.0250 you:0.0218 will:0.0218 shall:0.0203 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9631 and:0.0086 it:0.0040 place:0.0037 time:0.0037 one:0.0037 vote:0.0035 day:0.0034 demand:0.0032 man:0.0031 -not:0.3066 :0.6033 the:0.0231 be:0.0161 of:0.0116 that:0.0100 and:0.0084 in:0.0073 a:0.0069 to:0.0067 -:0.7607 it:0.1238 that:0.0254 not:0.0212 there:0.0178 now:0.0174 what:0.0095 a:0.0087 he:0.0085 one:0.0071 -:0.5215 the:0.1870 to:0.0731 of:0.0687 and:0.0402 in:0.0394 a:0.0312 by:0.0143 at:0.0126 for:0.0119 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8718 to:0.0461 and:0.0230 that:0.0150 of:0.0107 which:0.0087 him:0.0080 them:0.0060 for:0.0056 in:0.0052 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.2248 :0.6182 a:0.0424 and:0.0243 of:0.0208 this:0.0162 to:0.0153 tho:0.0145 his:0.0136 was:0.0097 -:0.4896 to:0.1087 in:0.0846 of:0.0695 for:0.0652 by:0.0525 at:0.0410 on:0.0322 from:0.0294 with:0.0274 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8830 the:0.0349 and:0.0183 to:0.0160 a:0.0107 in:0.0099 of:0.0097 he:0.0058 one:0.0058 other:0.0058 -:0.7412 the:0.0676 of:0.0389 to:0.0349 and:0.0338 a:0.0218 in:0.0196 by:0.0189 that:0.0117 with:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8810 of:0.0254 and:0.0215 the:0.0159 are:0.0149 is:0.0109 were:0.0089 will:0.0073 have:0.0073 he:0.0070 -:0.7937 the:0.0759 a:0.0508 he:0.0142 that:0.0134 it:0.0127 and:0.0112 not:0.0110 an:0.0090 to:0.0082 -:0.7489 the:0.0551 and:0.0502 of:0.0338 so:0.0225 not:0.0223 a:0.0219 to:0.0197 that:0.0155 as:0.0101 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8896 as:0.0270 and:0.0258 is:0.0136 him:0.0094 them:0.0084 but:0.0071 that:0.0067 up:0.0065 enough:0.0059 -:0.7495 the:0.0792 a:0.0493 one:0.0418 two:0.0160 per:0.0152 three:0.0131 and:0.0130 some:0.0129 is:0.0100 -the:0.3217 :0.4740 a:0.0946 of:0.0368 and:0.0174 his:0.0161 tho:0.0112 this:0.0106 in:0.0090 their:0.0085 -:0.8255 and:0.0385 hundred:0.0284 years:0.0235 of:0.0198 or:0.0167 thousand:0.0130 the:0.0121 days:0.0119 has:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.6635 is:0.1055 was:0.0823 be:0.0376 and:0.0351 are:0.0252 were:0.0171 to:0.0138 will:0.0116 have:0.0082 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6252 of:0.1170 and:0.0973 is:0.0583 was:0.0257 as:0.0191 in:0.0171 or:0.0146 but:0.0144 for:0.0113 -:0.6871 of:0.0656 to:0.0647 and:0.0529 the:0.0349 in:0.0218 not:0.0205 that:0.0195 he:0.0173 at:0.0157 -:0.8130 was:0.0324 of:0.0287 is:0.0269 and:0.0249 to:0.0199 the:0.0144 would:0.0138 has:0.0135 in:0.0124 -:0.8346 it:0.0323 him:0.0298 the:0.0210 so:0.0184 not:0.0170 known:0.0123 them:0.0122 just:0.0122 and:0.0102 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7955 the:0.1097 of:0.0266 a:0.0193 and:0.0165 his:0.0080 in:0.0069 that:0.0063 their:0.0057 this:0.0055 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -has:0.4904 :0.2635 had:0.1245 have:0.0494 having:0.0189 and:0.0174 lias:0.0104 is:0.0103 was:0.0087 of:0.0066 -:0.7125 the:0.1293 a:0.0539 and:0.0333 to:0.0216 of:0.0130 in:0.0103 his:0.0096 their:0.0083 said:0.0081 -:0.7835 the:0.0543 to:0.0322 of:0.0302 and:0.0296 a:0.0261 his:0.0122 he:0.0121 in:0.0119 this:0.0079 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8731 to:0.0306 been:0.0202 had:0.0185 and:0.0132 be:0.0125 a:0.0101 was:0.0089 is:0.0065 found:0.0063 -:0.8097 of:0.0830 the:0.0228 and:0.0200 a:0.0153 in:0.0137 to:0.0104 for:0.0098 is:0.0077 or:0.0077 -:0.7619 make:0.0445 be:0.0362 the:0.0313 take:0.0292 give:0.0232 get:0.0208 do:0.0184 see:0.0181 have:0.0164 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7362 the:0.0469 to:0.0397 and:0.0378 of:0.0355 a:0.0282 in:0.0227 by:0.0217 that:0.0183 for:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6874 to:0.0615 and:0.0502 a:0.0495 he:0.0401 the:0.0386 it:0.0310 she:0.0152 so:0.0138 they:0.0128 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7042 of:0.1329 and:0.0543 to:0.0286 the:0.0194 in:0.0176 that:0.0114 or:0.0107 was:0.0105 is:0.0103 -:0.8141 the:0.0770 a:0.0213 and:0.0208 of:0.0152 in:0.0136 to:0.0133 not:0.0108 at:0.0071 all:0.0069 -:0.6250 the:0.1885 he:0.0503 a:0.0450 this:0.0214 they:0.0186 it:0.0163 tho:0.0140 all:0.0106 his:0.0103 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.3454 :0.4966 the:0.0553 not:0.0240 have:0.0235 bo:0.0197 a:0.0128 to:0.0077 that:0.0077 make:0.0074 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7833 the:0.0960 and:0.0346 a:0.0236 he:0.0143 to:0.0115 it:0.0095 this:0.0093 that:0.0091 his:0.0087 -:0.6331 that:0.0872 of:0.0765 and:0.0498 for:0.0340 but:0.0288 to:0.0262 as:0.0233 in:0.0217 where:0.0194 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.6066 not:0.1545 the:0.1217 a:0.0442 that:0.0179 to:0.0125 it:0.0121 so:0.0115 an:0.0103 no:0.0087 -of:0.1921 :0.4308 in:0.1021 to:0.0508 for:0.0451 on:0.0400 that:0.0392 and:0.0362 by:0.0320 with:0.0317 -:0.8065 the:0.0537 to:0.0319 and:0.0222 a:0.0220 of:0.0202 in:0.0148 that:0.0120 by:0.0090 on:0.0077 -we:0.1834 :0.4305 they:0.1314 would:0.0750 will:0.0657 he:0.0306 you:0.0237 could:0.0217 might:0.0190 must:0.0188 -:0.9114 and:0.0259 the:0.0127 it:0.0106 one:0.0072 is:0.0072 was:0.0066 who:0.0065 that:0.0064 as:0.0055 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7576 to:0.0697 and:0.0390 the:0.0330 will:0.0204 of:0.0188 be:0.0163 he:0.0162 have:0.0147 was:0.0143 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8622 and:0.0377 was:0.0258 is:0.0213 the:0.0152 are:0.0093 a:0.0083 be:0.0071 it:0.0071 to:0.0059 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.8731 first:0.0187 whole:0.0173 last:0.0156 same:0.0151 best:0.0147 great:0.0142 most:0.0133 young:0.0096 public:0.0085 -:0.7493 the:0.1178 and:0.0477 of:0.0186 this:0.0132 as:0.0119 a:0.0114 who:0.0103 that:0.0102 to:0.0096 -:0.7023 of:0.1024 to:0.0584 and:0.0477 the:0.0247 in:0.0231 for:0.0134 on:0.0101 from:0.0090 that:0.0090 -:0.8581 made:0.0408 found:0.0206 done:0.0129 placed:0.0118 engaged:0.0116 put:0.0116 used:0.0116 held:0.0108 paid:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3448 :0.4971 be:0.0551 a:0.0319 his:0.0210 this:0.0158 tho:0.0113 their:0.0089 her:0.0072 our:0.0070 -:0.9050 other:0.0170 doubt:0.0148 the:0.0136 more:0.0121 time:0.0089 longer:0.0089 and:0.0077 he:0.0060 one:0.0060 -:0.9158 and:0.0176 of:0.0122 to:0.0094 years:0.0094 are:0.0088 the:0.0072 or:0.0070 is:0.0070 men:0.0055 -:0.7963 and:0.0577 is:0.0399 of:0.0215 was:0.0197 that:0.0166 to:0.0143 he:0.0122 are:0.0120 will:0.0099 -:0.7253 and:0.0783 to:0.0677 the:0.0404 a:0.0214 it:0.0204 of:0.0138 in:0.0132 are:0.0100 him:0.0096 -:0.7537 to:0.0650 and:0.0367 a:0.0341 the:0.0282 of:0.0275 are:0.0166 will:0.0140 is:0.0130 or:0.0111 -:0.6404 is:0.0903 of:0.0832 and:0.0470 was:0.0343 in:0.0228 or:0.0228 has:0.0208 are:0.0194 as:0.0191 -:0.6937 of:0.0847 to:0.0768 and:0.0442 in:0.0334 the:0.0182 for:0.0155 was:0.0120 that:0.0107 on:0.0107 -:0.7375 and:0.0707 has:0.0330 to:0.0293 is:0.0239 of:0.0239 was:0.0236 the:0.0212 have:0.0199 he:0.0171 -:0.7371 they:0.0834 he:0.0501 we:0.0476 it:0.0215 that:0.0163 there:0.0159 you:0.0107 and:0.0091 who:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7474 of:0.0538 to:0.0508 and:0.0487 the:0.0293 in:0.0197 a:0.0156 was:0.0130 for:0.0112 with:0.0104 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7571 the:0.0981 a:0.0662 to:0.0206 and:0.0174 of:0.0110 said:0.0089 be:0.0074 or:0.0070 tho:0.0064 -:0.8676 be:0.0458 come:0.0164 only:0.0141 put:0.0108 look:0.0106 been:0.0091 appear:0.0090 to:0.0089 a:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7963 and:0.0577 is:0.0399 of:0.0215 was:0.0197 that:0.0166 to:0.0143 he:0.0122 are:0.0120 will:0.0099 -:0.9098 the:0.0242 and:0.0124 of:0.0111 in:0.0103 that:0.0090 a:0.0080 to:0.0068 for:0.0043 as:0.0042 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9627 city:0.0070 same:0.0054 most:0.0040 right:0.0040 people:0.0035 north:0.0034 county:0.0034 state:0.0033 court:0.0033 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4718 to:0.1082 of:0.0960 in:0.0905 for:0.0549 as:0.0452 at:0.0424 by:0.0386 from:0.0270 on:0.0254 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -been:0.1160 :0.7774 not:0.0360 that:0.0134 done:0.0111 it:0.0104 taken:0.0093 gone:0.0091 a:0.0091 become:0.0083 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -:0.7827 and:0.0781 is:0.0238 to:0.0225 has:0.0175 he:0.0165 the:0.0163 it:0.0150 was:0.0141 have:0.0134 -:0.5881 of:0.1718 and:0.0838 to:0.0573 in:0.0282 for:0.0207 by:0.0135 the:0.0128 or:0.0121 with:0.0116 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6917 the:0.0919 a:0.0654 of:0.0289 and:0.0236 in:0.0232 to:0.0229 that:0.0220 an:0.0193 for:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6850 to:0.0988 a:0.0714 the:0.0479 he:0.0224 it:0.0183 well:0.0176 and:0.0175 an:0.0108 much:0.0103 -the:0.2376 :0.5951 a:0.0824 of:0.0168 to:0.0168 his:0.0144 and:0.0137 this:0.0089 tho:0.0073 in:0.0070 -:0.6969 of:0.0754 and:0.0510 to:0.0453 in:0.0418 for:0.0294 with:0.0173 that:0.0149 the:0.0143 is:0.0137 -:0.5303 is:0.1183 was:0.1031 and:0.0533 be:0.0468 a:0.0391 of:0.0319 the:0.0315 has:0.0248 he:0.0209 -:0.6896 the:0.0948 a:0.0518 and:0.0396 of:0.0392 is:0.0253 was:0.0203 to:0.0153 in:0.0140 this:0.0101 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -:0.6471 of:0.1539 and:0.0652 to:0.0378 for:0.0221 the:0.0184 in:0.0161 that:0.0158 a:0.0122 or:0.0115 -the:0.3416 :0.4956 a:0.0745 their:0.0160 his:0.0147 tho:0.0147 an:0.0140 that:0.0138 it:0.0076 our:0.0075 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.6544 to:0.0958 of:0.0876 in:0.0400 and:0.0346 the:0.0295 on:0.0168 for:0.0157 by:0.0132 a:0.0123 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.1568 :0.5012 to:0.0681 of:0.0637 in:0.0553 a:0.0407 and:0.0342 by:0.0305 with:0.0252 for:0.0243 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8396 of:0.0633 and:0.0347 the:0.0143 in:0.0128 that:0.0091 or:0.0081 at:0.0061 to:0.0061 for:0.0060 -:0.5548 been:0.1569 a:0.1462 the:0.0476 no:0.0355 not:0.0286 an:0.0118 done:0.0066 it:0.0063 so:0.0057 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.8439 the:0.0549 and:0.0315 of:0.0274 a:0.0139 in:0.0068 his:0.0060 that:0.0057 is:0.0049 with:0.0049 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7610 the:0.0747 a:0.0530 an:0.0226 his:0.0225 so:0.0188 to:0.0187 and:0.0102 this:0.0093 in:0.0092 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8366 in:0.0294 as:0.0243 that:0.0192 for:0.0176 is:0.0174 was:0.0169 with:0.0145 by:0.0126 to:0.0116 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8034 more:0.1155 less:0.0329 and:0.0142 the:0.0078 that:0.0060 it:0.0060 to:0.0051 better:0.0050 which:0.0042 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.8784 of:0.0501 and:0.0260 the:0.0100 in:0.0069 or:0.0062 year:0.0061 that:0.0055 time:0.0055 is:0.0055 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7090 the:0.1594 a:0.0346 to:0.0175 that:0.0151 and:0.0150 of:0.0129 it:0.0129 his:0.0123 in:0.0112 -:0.5425 in:0.0930 of:0.0778 to:0.0646 by:0.0436 for:0.0395 on:0.0390 from:0.0379 at:0.0313 with:0.0309 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -of:0.1260 in:0.0790 to:0.0648 for:0.0536 :0.4826 by:0.0464 on:0.0446 from:0.0389 at:0.0333 with:0.0309 -:0.7045 to:0.0941 the:0.0526 of:0.0437 and:0.0311 in:0.0231 it:0.0161 that:0.0122 for:0.0115 a:0.0112 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.4223 of:0.1594 to:0.1398 in:0.0750 for:0.0470 by:0.0401 and:0.0332 on:0.0314 from:0.0271 that:0.0248 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.3704 :0.3915 to:0.0824 not:0.0814 have:0.0376 bo:0.0172 do:0.0052 and:0.0049 also:0.0047 is:0.0046 -:0.4442 to:0.1306 of:0.0951 in:0.0836 by:0.0604 for:0.0523 that:0.0454 and:0.0306 with:0.0303 on:0.0274 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.9054 the:0.0433 a:0.0115 that:0.0113 and:0.0066 tho:0.0050 to:0.0047 be:0.0043 it:0.0040 in:0.0039 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9488 man:0.0096 year:0.0072 day:0.0064 point:0.0061 long:0.0049 few:0.0047 hundred:0.0042 matter:0.0042 little:0.0040 -:0.8992 to:0.0252 he:0.0125 the:0.0116 and:0.0115 has:0.0089 was:0.0083 be:0.0082 have:0.0080 would:0.0067 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8448 few:0.0417 great:0.0215 good:0.0202 large:0.0159 very:0.0151 little:0.0148 most:0.0107 short:0.0081 long:0.0070 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7541 the:0.0797 to:0.0325 of:0.0262 and:0.0241 in:0.0239 that:0.0222 by:0.0135 it:0.0130 a:0.0110 -:0.7548 been:0.0606 in:0.0490 to:0.0327 that:0.0191 not:0.0190 for:0.0171 on:0.0166 of:0.0159 at:0.0151 -:0.6231 been:0.1642 a:0.0544 not:0.0440 the:0.0412 no:0.0209 in:0.0167 that:0.0134 an:0.0120 at:0.0099 -and:0.2238 to:0.1927 :0.4075 of:0.0683 that:0.0293 in:0.0238 he:0.0149 who:0.0141 the:0.0135 was:0.0122 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.9121 own:0.0359 and:0.0141 the:0.0078 to:0.0064 time:0.0061 is:0.0050 a:0.0044 as:0.0042 great:0.0039 -:0.7479 a:0.0807 the:0.0593 he:0.0249 it:0.0181 not:0.0169 and:0.0154 no:0.0129 that:0.0124 as:0.0114 -:0.5625 of:0.2031 in:0.0622 and:0.0388 to:0.0356 for:0.0299 on:0.0212 with:0.0203 from:0.0132 or:0.0131 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8096 the:0.0498 and:0.0353 to:0.0267 of:0.0257 a:0.0155 in:0.0118 that:0.0111 at:0.0075 for:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7552 of:0.1005 and:0.0374 in:0.0310 who:0.0217 to:0.0117 for:0.0111 from:0.0111 with:0.0107 on:0.0096 -be:0.4548 :0.4050 he:0.0345 bo:0.0283 the:0.0202 a:0.0173 not:0.0137 it:0.0099 to:0.0082 lie:0.0082 -:0.6066 not:0.1545 the:0.1217 a:0.0442 that:0.0179 to:0.0125 it:0.0121 so:0.0115 an:0.0103 no:0.0087 -:0.6434 the:0.0994 of:0.0648 and:0.0520 to:0.0332 in:0.0279 was:0.0258 is:0.0205 a:0.0186 be:0.0143 -:0.8393 and:0.0383 the:0.0260 of:0.0220 that:0.0199 is:0.0171 which:0.0110 in:0.0091 as:0.0089 he:0.0084 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.7107 of:0.1361 and:0.0469 to:0.0354 in:0.0253 the:0.0114 or:0.0092 at:0.0087 is:0.0085 for:0.0078 -:0.8311 great:0.0318 few:0.0270 large:0.0223 good:0.0221 little:0.0218 very:0.0183 small:0.0110 certain:0.0076 new:0.0072 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.9046 to:0.0285 and:0.0178 will:0.0153 the:0.0109 own:0.0077 day:0.0042 first:0.0038 other:0.0038 that:0.0035 -:0.6031 the:0.1795 of:0.0695 a:0.0474 and:0.0335 in:0.0213 for:0.0124 at:0.0116 tho:0.0114 his:0.0102 -of:0.1278 to:0.1006 :0.5591 and:0.0587 in:0.0390 by:0.0282 for:0.0271 with:0.0222 not:0.0203 or:0.0172 -:0.6393 be:0.1869 not:0.0600 have:0.0471 bo:0.0182 the:0.0161 take:0.0090 make:0.0080 a:0.0078 get:0.0076 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.6882 of:0.1321 and:0.0671 to:0.0325 the:0.0183 in:0.0163 for:0.0134 that:0.0124 at:0.0103 from:0.0094 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8860 we:0.0212 and:0.0157 they:0.0156 it:0.0135 who:0.0117 is:0.0108 that:0.0096 he:0.0088 as:0.0072 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5936 the:0.1002 he:0.0965 we:0.0522 they:0.0506 that:0.0449 it:0.0225 which:0.0157 one:0.0122 she:0.0116 -:0.7447 is:0.0573 in:0.0390 was:0.0372 to:0.0280 and:0.0271 for:0.0177 of:0.0172 with:0.0166 from:0.0151 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8714 and:0.0297 up:0.0221 them:0.0157 him:0.0155 that:0.0114 it:0.0095 or:0.0092 days:0.0081 but:0.0074 -:0.8851 and:0.0232 it:0.0171 up:0.0151 him:0.0129 them:0.0118 is:0.0111 out:0.0092 the:0.0074 that:0.0072 -:0.8734 the:0.0384 of:0.0195 a:0.0185 and:0.0139 in:0.0110 to:0.0105 is:0.0053 as:0.0050 that:0.0045 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9719 time:0.0066 people:0.0038 way:0.0035 said:0.0031 law:0.0025 right:0.0022 state:0.0022 land:0.0022 most:0.0021 -:0.5969 the:0.1586 a:0.0905 th:0.0425 and:0.0355 of:0.0242 every:0.0144 any:0.0129 his:0.0128 is:0.0118 -:0.7363 to:0.0735 and:0.0470 the:0.0341 as:0.0215 of:0.0211 is:0.0194 in:0.0177 was:0.0167 for:0.0125 -:0.9005 the:0.0210 and:0.0190 of:0.0156 a:0.0105 to:0.0102 that:0.0069 have:0.0057 had:0.0054 in:0.0052 -:0.7169 the:0.0787 of:0.0467 and:0.0414 a:0.0330 to:0.0295 in:0.0156 for:0.0144 is:0.0120 was:0.0117 -:0.6155 a:0.1638 the:0.0813 to:0.0362 no:0.0294 not:0.0201 an:0.0169 that:0.0130 his:0.0120 now:0.0119 -:0.6230 is:0.1066 are:0.0708 was:0.0685 the:0.0334 were:0.0327 and:0.0205 will:0.0169 of:0.0141 to:0.0134 -:0.9092 and:0.0195 up:0.0138 made:0.0129 out:0.0099 it:0.0075 held:0.0075 is:0.0070 that:0.0063 to:0.0063 -:0.5729 the:0.1229 of:0.0833 a:0.0567 and:0.0561 to:0.0451 in:0.0181 for:0.0176 by:0.0150 at:0.0124 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -:0.6416 the:0.0967 of:0.0957 and:0.0353 in:0.0321 is:0.0286 to:0.0218 a:0.0194 was:0.0182 for:0.0105 -:0.6008 the:0.1640 a:0.1300 of:0.0269 and:0.0180 tho:0.0134 this:0.0130 his:0.0129 every:0.0106 that:0.0104 -:0.9391 and:0.0128 the:0.0093 of:0.0077 own:0.0066 a:0.0060 to:0.0052 as:0.0050 other:0.0043 in:0.0040 -:0.7775 the:0.0669 a:0.0363 and:0.0274 of:0.0222 as:0.0220 to:0.0181 this:0.0133 more:0.0085 his:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8220 to:0.0505 and:0.0351 the:0.0269 a:0.0139 will:0.0120 was:0.0114 would:0.0104 of:0.0103 had:0.0074 -of:0.3717 :0.3864 in:0.0690 and:0.0410 for:0.0290 to:0.0259 on:0.0225 from:0.0193 with:0.0177 that:0.0175 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8322 and:0.0712 of:0.0183 to:0.0178 that:0.0170 the:0.0126 a:0.0099 or:0.0074 so:0.0069 all:0.0067 -:0.9435 same:0.0101 people:0.0099 city:0.0092 government:0.0055 world:0.0053 law:0.0044 time:0.0044 right:0.0042 country:0.0036 -:0.9183 time:0.0258 way:0.0158 right:0.0086 order:0.0068 power:0.0062 subject:0.0051 as:0.0050 return:0.0044 and:0.0041 -:0.6393 be:0.1869 not:0.0600 have:0.0471 bo:0.0182 the:0.0161 take:0.0090 make:0.0080 a:0.0078 get:0.0076 -:0.4803 to:0.1431 the:0.1191 a:0.1072 in:0.0354 of:0.0322 and:0.0278 by:0.0246 with:0.0154 no:0.0149 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.6385 to:0.0598 of:0.0584 and:0.0574 the:0.0498 in:0.0416 that:0.0252 was:0.0246 is:0.0227 a:0.0219 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6008 the:0.2033 a:0.0594 of:0.0403 and:0.0354 is:0.0136 this:0.0126 to:0.0118 in:0.0116 was:0.0112 -:0.8091 and:0.0598 to:0.0383 was:0.0210 is:0.0176 of:0.0165 have:0.0106 not:0.0091 had:0.0091 be:0.0089 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -has:0.2417 :0.4080 had:0.1350 have:0.1154 having:0.0531 lias:0.0115 not:0.0093 he:0.0091 the:0.0086 yet:0.0084 -:0.8474 he:0.0267 and:0.0256 which:0.0243 who:0.0240 we:0.0131 they:0.0106 it:0.0102 man:0.0094 men:0.0087 -:0.7414 to:0.0702 of:0.0499 and:0.0485 the:0.0250 in:0.0237 is:0.0124 for:0.0106 have:0.0094 will:0.0089 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6969 of:0.0754 and:0.0510 to:0.0453 in:0.0418 for:0.0294 with:0.0173 that:0.0149 the:0.0143 is:0.0137 -:0.3657 of:0.1472 in:0.1169 to:0.1080 for:0.0792 that:0.0558 by:0.0402 and:0.0329 with:0.0271 on:0.0270 -:0.8053 and:0.0581 to:0.0342 that:0.0240 it:0.0215 he:0.0167 but:0.0130 of:0.0103 in:0.0086 you:0.0084 -:0.6926 the:0.1012 of:0.0557 a:0.0427 and:0.0276 is:0.0198 to:0.0184 in:0.0176 his:0.0141 as:0.0103 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8354 is:0.0476 was:0.0306 time:0.0245 morning:0.0132 of:0.0121 as:0.0121 in:0.0088 with:0.0081 and:0.0076 -:0.8475 and:0.0376 the:0.0324 of:0.0160 is:0.0155 was:0.0152 a:0.0118 that:0.0093 as:0.0080 be:0.0067 -:0.9109 same:0.0152 other:0.0140 most:0.0138 great:0.0091 the:0.0086 present:0.0086 said:0.0075 first:0.0067 public:0.0056 -:0.7174 the:0.0946 a:0.0516 to:0.0386 and:0.0275 in:0.0191 of:0.0181 that:0.0124 by:0.0106 for:0.0100 -:0.7248 the:0.1409 and:0.0370 a:0.0168 was:0.0167 of:0.0157 is:0.0146 his:0.0126 to:0.0115 this:0.0095 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -the:0.3134 :0.4200 a:0.0919 of:0.0566 in:0.0243 and:0.0241 to:0.0220 his:0.0199 this:0.0143 for:0.0135 -:0.7266 the:0.1494 a:0.0314 to:0.0179 that:0.0170 and:0.0141 of:0.0118 in:0.0114 it:0.0103 his:0.0101 -:0.8395 of:0.0474 and:0.0283 the:0.0189 to:0.0165 in:0.0150 or:0.0096 for:0.0095 that:0.0076 with:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2779 :0.3597 to:0.0915 in:0.0901 for:0.0354 at:0.0323 by:0.0297 on:0.0294 with:0.0273 from:0.0267 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5497 the:0.1766 of:0.1034 a:0.0598 and:0.0342 to:0.0254 in:0.0222 his:0.0135 for:0.0079 by:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7029 of:0.0562 is:0.0485 and:0.0483 to:0.0446 was:0.0344 or:0.0199 are:0.0171 as:0.0151 will:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6796 the:0.1377 a:0.0389 and:0.0290 is:0.0239 to:0.0236 of:0.0199 was:0.0198 will:0.0144 are:0.0133 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -the:0.6971 :0.1616 a:0.0378 tho:0.0340 tbe:0.0140 his:0.0135 any:0.0117 their:0.0110 this:0.0105 our:0.0087 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -of:0.2342 :0.4234 in:0.1246 for:0.0506 to:0.0360 and:0.0303 at:0.0273 as:0.0266 by:0.0236 on:0.0233 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.6954 of:0.0829 and:0.0779 to:0.0342 the:0.0310 in:0.0255 as:0.0161 for:0.0143 that:0.0128 is:0.0100 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7326 the:0.0448 and:0.0412 of:0.0383 to:0.0365 that:0.0279 as:0.0240 in:0.0222 be:0.0174 for:0.0152 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.2394 :0.4362 a:0.1465 his:0.0503 any:0.0318 this:0.0233 its:0.0195 their:0.0193 said:0.0187 all:0.0150 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.6627 the:0.1804 and:0.0387 a:0.0382 of:0.0269 to:0.0144 is:0.0108 in:0.0102 as:0.0100 his:0.0076 -:0.8171 the:0.0521 and:0.0271 a:0.0263 to:0.0227 any:0.0146 some:0.0115 one:0.0104 of:0.0104 his:0.0077 -:0.7546 to:0.1068 and:0.0392 who:0.0213 will:0.0203 we:0.0131 would:0.0117 he:0.0112 it:0.0111 they:0.0106 -:0.6929 to:0.1303 and:0.0688 of:0.0410 in:0.0181 will:0.0150 is:0.0105 or:0.0098 for:0.0071 who:0.0066 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7137 the:0.0711 of:0.0608 to:0.0394 and:0.0296 in:0.0212 with:0.0194 for:0.0173 a:0.0154 by:0.0121 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.5702 he:0.2057 it:0.0866 there:0.0466 she:0.0336 they:0.0167 who:0.0146 ho:0.0102 we:0.0083 which:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -than:0.2596 :0.5871 of:0.0456 to:0.0189 with:0.0188 in:0.0164 for:0.0150 is:0.0144 on:0.0133 as:0.0109 -:0.7664 of:0.0621 the:0.0490 and:0.0384 in:0.0217 a:0.0154 for:0.0152 that:0.0116 to:0.0110 from:0.0092 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7798 the:0.1122 a:0.0213 him:0.0177 it:0.0139 her:0.0120 them:0.0115 his:0.0112 which:0.0110 their:0.0093 -:0.7708 and:0.0860 to:0.0355 of:0.0262 but:0.0194 given:0.0175 than:0.0156 in:0.0111 on:0.0092 so:0.0089 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.7857 to:0.0554 and:0.0404 the:0.0375 of:0.0304 in:0.0148 was:0.0103 is:0.0086 or:0.0086 that:0.0083 -:0.7030 to:0.0648 the:0.0495 that:0.0425 and:0.0405 of:0.0298 a:0.0212 for:0.0175 in:0.0164 by:0.0149 -:0.8731 good:0.0206 few:0.0190 great:0.0180 little:0.0163 large:0.0119 certain:0.0111 very:0.0108 man:0.0100 the:0.0092 -:0.8264 the:0.0424 and:0.0393 a:0.0217 of:0.0177 he:0.0123 is:0.0111 that:0.0107 to:0.0093 was:0.0091 -:0.9058 and:0.0155 the:0.0142 of:0.0137 time:0.0099 a:0.0098 that:0.0086 to:0.0081 in:0.0075 day:0.0068 -:0.7843 to:0.0464 of:0.0363 and:0.0334 the:0.0236 in:0.0226 that:0.0154 by:0.0135 for:0.0126 a:0.0117 -:0.6720 the:0.1413 a:0.0595 and:0.0464 of:0.0247 to:0.0133 was:0.0117 is:0.0114 his:0.0110 that:0.0087 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7242 of:0.0543 the:0.0447 to:0.0411 and:0.0347 a:0.0282 in:0.0250 for:0.0181 that:0.0172 it:0.0125 -:0.6705 the:0.0792 to:0.0625 of:0.0499 and:0.0422 in:0.0306 that:0.0189 a:0.0165 at:0.0153 he:0.0145 -:0.6047 of:0.1005 to:0.0929 and:0.0852 in:0.0368 for:0.0264 is:0.0148 at:0.0140 as:0.0134 from:0.0113 -:0.7565 of:0.0590 and:0.0377 to:0.0332 that:0.0256 the:0.0229 in:0.0215 is:0.0204 for:0.0133 was:0.0099 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -the:0.3056 a:0.2563 :0.3235 his:0.0339 their:0.0198 an:0.0195 tho:0.0125 its:0.0105 any:0.0093 our:0.0091 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.7248 the:0.1409 and:0.0370 a:0.0168 was:0.0167 of:0.0157 is:0.0146 his:0.0126 to:0.0115 this:0.0095 -:0.6988 of:0.0793 and:0.0672 to:0.0356 in:0.0261 are:0.0227 had:0.0195 the:0.0176 that:0.0173 for:0.0158 -the:0.3413 :0.3906 a:0.1064 of:0.0624 and:0.0250 his:0.0213 to:0.0167 tho:0.0145 this:0.0114 in:0.0104 -:0.6666 of:0.1232 and:0.0585 to:0.0509 or:0.0225 in:0.0212 for:0.0181 with:0.0157 the:0.0118 that:0.0115 -:0.8233 and:0.0501 that:0.0251 it:0.0212 a:0.0170 he:0.0167 the:0.0134 they:0.0117 of:0.0110 to:0.0106 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.9411 same:0.0120 other:0.0066 time:0.0060 said:0.0059 whole:0.0057 first:0.0057 city:0.0057 most:0.0057 th:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7213 be:0.0997 the:0.0959 have:0.0268 a:0.0129 his:0.0129 he:0.0083 tho:0.0076 bo:0.0073 her:0.0072 -:0.8503 to:0.0554 up:0.0248 and:0.0189 it:0.0132 them:0.0088 out:0.0085 down:0.0082 that:0.0061 in:0.0057 -:0.7329 than:0.1420 of:0.0425 and:0.0196 to:0.0181 the:0.0125 or:0.0121 in:0.0092 with:0.0056 on:0.0054 -:0.5624 the:0.0934 to:0.0901 and:0.0569 of:0.0467 that:0.0357 a:0.0335 by:0.0326 in:0.0296 for:0.0192 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -the:0.5367 :0.3072 a:0.0546 tho:0.0273 any:0.0159 his:0.0150 this:0.0124 their:0.0111 least:0.0102 tbe:0.0096 -the:0.4416 :0.3300 a:0.1091 his:0.0279 tho:0.0224 this:0.0173 its:0.0148 their:0.0142 any:0.0141 tbe:0.0086 -the:0.5303 :0.3294 a:0.0473 tho:0.0237 his:0.0176 be:0.0169 this:0.0099 their:0.0099 our:0.0076 tbe:0.0074 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.4623 will:0.1529 to:0.0687 would:0.0612 can:0.0555 should:0.0506 shall:0.0472 may:0.0400 must:0.0338 could:0.0279 -:0.8439 and:0.0498 that:0.0209 all:0.0194 of:0.0169 so:0.0128 but:0.0128 in:0.0096 him:0.0070 fact:0.0069 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.5675 a:0.1245 the:0.1008 not:0.0666 no:0.0348 hereby:0.0306 an:0.0256 very:0.0221 his:0.0162 so:0.0114 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8034 more:0.1155 less:0.0329 and:0.0142 the:0.0078 that:0.0060 it:0.0060 to:0.0051 better:0.0050 which:0.0042 -of:0.4012 :0.3112 in:0.0658 to:0.0609 and:0.0357 for:0.0355 from:0.0255 on:0.0251 at:0.0217 with:0.0173 -:0.6189 of:0.0769 that:0.0522 in:0.0513 the:0.0444 and:0.0434 for:0.0337 to:0.0272 by:0.0262 at:0.0257 -:0.7208 and:0.0587 of:0.0519 to:0.0404 the:0.0289 in:0.0264 for:0.0222 that:0.0196 a:0.0166 as:0.0144 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9241 the:0.0210 them:0.0154 it:0.0110 him:0.0065 which:0.0064 sale:0.0040 said:0.0039 this:0.0038 all:0.0038 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6523 of:0.1081 and:0.0785 to:0.0485 or:0.0263 the:0.0250 in:0.0191 that:0.0165 for:0.0155 on:0.0104 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6618 the:0.1657 a:0.0432 of:0.0285 to:0.0273 that:0.0212 and:0.0184 tho:0.0118 in:0.0114 it:0.0107 -:0.7616 that:0.0707 the:0.0431 and:0.0332 it:0.0255 he:0.0146 them:0.0143 his:0.0138 which:0.0117 a:0.0115 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8111 of:0.0347 and:0.0309 to:0.0297 the:0.0227 in:0.0214 was:0.0146 is:0.0141 for:0.0112 a:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8009 the:0.0613 and:0.0568 to:0.0204 of:0.0153 a:0.0125 is:0.0101 was:0.0078 will:0.0076 he:0.0074 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6114 to:0.1276 the:0.0563 of:0.0555 and:0.0481 in:0.0322 that:0.0196 for:0.0190 by:0.0182 as:0.0120 -to:0.0877 :0.7097 of:0.0566 and:0.0437 in:0.0245 as:0.0200 for:0.0166 that:0.0149 by:0.0139 from:0.0126 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9072 same:0.0205 other:0.0119 most:0.0112 said:0.0092 great:0.0089 first:0.0088 the:0.0080 whole:0.0074 last:0.0069 -:0.8183 that:0.0528 been:0.0370 made:0.0198 as:0.0166 to:0.0125 what:0.0114 not:0.0112 given:0.0109 so:0.0095 -:0.7782 to:0.0555 and:0.0270 the:0.0257 of:0.0240 in:0.0231 for:0.0201 by:0.0175 at:0.0145 that:0.0143 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9124 and:0.0355 that:0.0129 to:0.0073 but:0.0059 or:0.0054 oclock:0.0053 up:0.0053 of:0.0051 it:0.0050 -the:0.5667 a:0.1195 :0.1893 his:0.0318 tho:0.0279 their:0.0173 this:0.0149 our:0.0114 said:0.0108 any:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7939 the:0.0558 of:0.0381 and:0.0310 to:0.0195 in:0.0184 a:0.0140 by:0.0112 have:0.0094 be:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.6542 of:0.1235 to:0.0515 and:0.0473 in:0.0432 at:0.0180 on:0.0178 for:0.0158 by:0.0154 the:0.0132 -:0.5573 and:0.1096 to:0.0776 was:0.0664 is:0.0565 of:0.0492 as:0.0219 or:0.0215 have:0.0213 are:0.0186 -of:0.3020 :0.3352 to:0.1251 in:0.0760 and:0.0466 for:0.0398 on:0.0212 from:0.0190 that:0.0181 with:0.0170 -the:0.4066 :0.4320 his:0.0323 a:0.0303 tho:0.0249 their:0.0214 this:0.0170 our:0.0159 these:0.0100 any:0.0096 -a:0.2718 :0.5559 the:0.0866 no:0.0230 an:0.0174 very:0.0162 his:0.0080 made:0.0078 not:0.0070 two:0.0064 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6557 the:0.2071 a:0.0347 to:0.0205 and:0.0184 that:0.0182 it:0.0142 in:0.0120 his:0.0096 of:0.0095 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.8249 of:0.0411 to:0.0326 and:0.0322 in:0.0195 that:0.0151 for:0.0116 the:0.0086 by:0.0072 at:0.0071 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7137 to:0.0883 and:0.0550 at:0.0294 the:0.0245 was:0.0216 of:0.0197 that:0.0172 is:0.0165 will:0.0142 -of:0.2510 :0.3698 in:0.0947 to:0.0710 for:0.0506 and:0.0445 from:0.0332 on:0.0303 with:0.0301 that:0.0248 -:0.7157 in:0.0760 of:0.0726 and:0.0320 to:0.0270 for:0.0222 at:0.0160 from:0.0149 by:0.0120 the:0.0116 -the:0.3040 :0.5809 tho:0.0239 this:0.0214 said:0.0191 his:0.0127 a:0.0122 our:0.0091 her:0.0087 not:0.0081 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -:0.8299 and:0.0612 to:0.0292 it:0.0160 of:0.0135 but:0.0131 him:0.0123 in:0.0087 that:0.0084 is:0.0077 -the:0.6882 a:0.0514 :0.1478 tho:0.0257 this:0.0215 its:0.0181 their:0.0156 his:0.0142 any:0.0100 our:0.0075 -:0.6989 not:0.1239 it:0.0633 he:0.0556 that:0.0160 there:0.0122 be:0.0116 she:0.0070 lie:0.0062 and:0.0053 -the:0.3155 :0.5346 a:0.0426 tho:0.0202 his:0.0190 it:0.0157 this:0.0144 to:0.0132 he:0.0129 their:0.0119 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.8501 the:0.0285 and:0.0267 of:0.0226 to:0.0176 in:0.0170 for:0.0125 that:0.0110 a:0.0076 with:0.0064 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8151 of:0.0613 the:0.0303 in:0.0225 a:0.0181 and:0.0165 to:0.0108 that:0.0108 for:0.0083 any:0.0062 -:0.5526 they:0.1917 we:0.0977 there:0.0464 he:0.0457 you:0.0208 which:0.0123 who:0.0121 it:0.0112 she:0.0095 -:0.9179 long:0.0178 mortgage:0.0142 and:0.0096 just:0.0080 him:0.0077 day:0.0077 it:0.0061 petition:0.0059 that:0.0052 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7213 the:0.0834 a:0.0453 all:0.0394 least:0.0318 once:0.0317 any:0.0143 oclock:0.0115 his:0.0112 this:0.0100 -of:0.2928 :0.3686 in:0.0967 to:0.0741 and:0.0381 for:0.0339 with:0.0271 on:0.0260 from:0.0231 is:0.0196 -:0.8048 be:0.0549 the:0.0358 go:0.0240 get:0.0211 come:0.0162 do:0.0120 put:0.0105 a:0.0104 carry:0.0102 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9507 deal:0.0114 corner:0.0059 out:0.0051 think:0.0050 need:0.0047 portion:0.0046 part:0.0044 day:0.0042 consist:0.0039 -:0.5643 the:0.1579 of:0.0970 in:0.0710 and:0.0246 a:0.0221 is:0.0171 at:0.0162 was:0.0153 for:0.0145 -:0.9086 wife:0.0284 life:0.0130 time:0.0090 day:0.0083 father:0.0083 country:0.0066 case:0.0065 office:0.0061 opinion:0.0052 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -the:0.1746 :0.6821 a:0.0394 this:0.0265 her:0.0171 their:0.0163 him:0.0123 its:0.0113 them:0.0104 all:0.0100 -:0.8129 able:0.0746 made:0.0219 allowed:0.0194 given:0.0148 required:0.0116 compelled:0.0115 used:0.0115 ready:0.0112 liable:0.0105 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8667 to:0.0411 and:0.0312 of:0.0114 is:0.0102 the:0.0098 was:0.0093 a:0.0083 in:0.0063 will:0.0056 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8034 more:0.1155 less:0.0329 and:0.0142 the:0.0078 that:0.0060 it:0.0060 to:0.0051 better:0.0050 which:0.0042 -:0.7442 and:0.0729 of:0.0615 to:0.0304 as:0.0259 in:0.0193 for:0.0125 that:0.0122 by:0.0109 with:0.0101 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8749 other:0.0254 same:0.0206 the:0.0176 great:0.0136 whole:0.0124 most:0.0094 first:0.0090 a:0.0089 new:0.0083 -to:0.1758 of:0.1207 in:0.1116 :0.3312 for:0.0598 that:0.0484 from:0.0416 by:0.0395 and:0.0360 on:0.0353 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6658 the:0.1039 a:0.0547 and:0.0502 of:0.0370 to:0.0259 was:0.0221 is:0.0212 or:0.0097 are:0.0096 -:0.7597 to:0.1180 the:0.0475 and:0.0210 in:0.0184 a:0.0137 for:0.0063 he:0.0058 of:0.0051 will:0.0046 -:0.7218 of:0.0829 and:0.0540 to:0.0406 in:0.0242 as:0.0237 is:0.0160 that:0.0159 for:0.0126 are:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7216 the:0.1142 and:0.0325 a:0.0283 is:0.0279 was:0.0234 of:0.0220 be:0.0118 he:0.0100 are:0.0085 -:0.9402 it:0.0109 he:0.0083 two:0.0064 and:0.0063 one:0.0061 that:0.0060 three:0.0057 more:0.0054 as:0.0047 -of:0.2962 :0.4136 in:0.0835 to:0.0449 for:0.0363 on:0.0285 and:0.0277 from:0.0235 with:0.0231 at:0.0227 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6969 of:0.0754 and:0.0510 to:0.0453 in:0.0418 for:0.0294 with:0.0173 that:0.0149 the:0.0143 is:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8759 of:0.0504 and:0.0247 the:0.0110 as:0.0081 in:0.0079 or:0.0062 for:0.0055 is:0.0055 way:0.0050 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.7782 of:0.0726 and:0.0420 to:0.0254 in:0.0211 the:0.0205 be:0.0111 that:0.0103 for:0.0096 a:0.0093 -:0.7379 of:0.0949 and:0.0414 to:0.0249 in:0.0241 the:0.0171 for:0.0169 at:0.0154 that:0.0148 as:0.0126 -:0.8725 made:0.0261 put:0.0140 called:0.0139 found:0.0135 seen:0.0133 paid:0.0131 placed:0.0123 taken:0.0109 a:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.1611 to:0.1340 :0.5472 a:0.0476 and:0.0276 of:0.0222 is:0.0174 was:0.0171 will:0.0150 would:0.0108 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.6664 the:0.1559 a:0.0336 of:0.0327 and:0.0269 to:0.0238 in:0.0229 for:0.0136 with:0.0130 by:0.0111 -:0.6368 of:0.1369 and:0.0645 to:0.0367 in:0.0301 the:0.0266 is:0.0195 was:0.0169 for:0.0164 at:0.0155 -:0.8013 been:0.0699 come:0.0377 gone:0.0261 taken:0.0168 fallen:0.0128 passed:0.0102 made:0.0091 done:0.0089 received:0.0073 -:0.7758 we:0.0382 he:0.0381 it:0.0338 they:0.0331 there:0.0200 that:0.0187 you:0.0186 which:0.0126 then:0.0112 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5898 of:0.1836 and:0.0743 to:0.0566 in:0.0319 the:0.0175 or:0.0125 for:0.0114 that:0.0113 at:0.0112 -:0.6082 in:0.0769 to:0.0563 for:0.0516 with:0.0402 by:0.0378 of:0.0368 at:0.0349 that:0.0314 on:0.0260 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7553 and:0.1022 of:0.0503 to:0.0307 but:0.0177 in:0.0133 that:0.0094 is:0.0076 for:0.0067 from:0.0067 -:0.7938 and:0.0437 as:0.0307 is:0.0228 which:0.0209 that:0.0195 he:0.0190 have:0.0183 has:0.0167 had:0.0147 -:0.6451 the:0.0776 of:0.0593 and:0.0550 is:0.0413 was:0.0385 a:0.0234 to:0.0215 he:0.0210 or:0.0173 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.6789 of:0.1150 and:0.0651 to:0.0478 in:0.0221 for:0.0203 as:0.0151 that:0.0141 by:0.0112 with:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7961 of:0.0470 to:0.0448 and:0.0346 the:0.0201 in:0.0167 a:0.0125 for:0.0103 that:0.0094 was:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6715 to:0.0916 the:0.0510 a:0.0450 and:0.0318 in:0.0297 of:0.0288 that:0.0183 by:0.0176 for:0.0148 -:0.6650 the:0.1173 he:0.0610 and:0.0411 a:0.0360 to:0.0303 of:0.0150 his:0.0128 it:0.0119 that:0.0097 -:0.8691 the:0.0390 it:0.0253 which:0.0158 all:0.0115 them:0.0111 this:0.0106 him:0.0065 that:0.0058 account:0.0052 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9142 to:0.0181 it:0.0152 and:0.0107 be:0.0085 that:0.0080 is:0.0070 was:0.0069 them:0.0064 now:0.0051 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5432 of:0.2062 to:0.0816 and:0.0643 in:0.0307 for:0.0200 or:0.0168 on:0.0138 at:0.0127 by:0.0108 -:0.8047 the:0.0430 to:0.0290 in:0.0265 and:0.0250 a:0.0190 that:0.0138 of:0.0136 at:0.0128 for:0.0127 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8310 the:0.0597 and:0.0271 of:0.0211 that:0.0172 a:0.0137 to:0.0103 in:0.0071 or:0.0064 is:0.0063 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8256 and:0.0432 to:0.0297 the:0.0194 is:0.0181 was:0.0167 of:0.0143 be:0.0126 as:0.0111 have:0.0093 -:0.8051 the:0.0600 to:0.0343 a:0.0226 and:0.0159 be:0.0144 any:0.0139 as:0.0131 not:0.0105 that:0.0101 -:0.5520 that:0.1098 as:0.0846 and:0.0589 if:0.0481 which:0.0469 when:0.0332 where:0.0256 but:0.0220 of:0.0190 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.9363 is:0.0152 and:0.0136 as:0.0074 time:0.0071 was:0.0051 are:0.0043 came:0.0039 went:0.0036 order:0.0035 -:0.7329 is:0.0564 and:0.0435 was:0.0390 to:0.0352 be:0.0301 the:0.0212 are:0.0149 has:0.0137 not:0.0131 -:0.8212 part:0.0621 one:0.0410 kind:0.0157 line:0.0115 time:0.0114 day:0.0111 side:0.0099 amount:0.0091 matter:0.0070 -:0.7108 the:0.1242 and:0.0351 a:0.0346 of:0.0274 is:0.0178 was:0.0175 be:0.0114 to:0.0113 tho:0.0098 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.8363 the:0.0396 of:0.0370 and:0.0189 to:0.0162 in:0.0145 he:0.0101 is:0.0093 it:0.0092 for:0.0090 -:0.8541 same:0.0178 last:0.0174 most:0.0172 first:0.0169 great:0.0164 the:0.0164 said:0.0162 a:0.0139 very:0.0138 -not:0.2364 be:0.1000 :0.4199 to:0.0816 will:0.0479 probably:0.0293 may:0.0291 shall:0.0209 he:0.0178 never:0.0170 -:0.8461 ago:0.1103 and:0.0119 in:0.0066 that:0.0055 of:0.0047 to:0.0039 time:0.0039 up:0.0037 day:0.0036 -:0.9242 one:0.0243 out:0.0112 that:0.0088 part:0.0069 all:0.0056 day:0.0055 and:0.0048 some:0.0045 side:0.0042 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7173 to:0.0567 be:0.0562 was:0.0375 is:0.0346 and:0.0338 had:0.0219 have:0.0155 been:0.0136 the:0.0129 -:0.9335 of:0.0187 and:0.0098 the:0.0082 to:0.0063 in:0.0059 is:0.0058 a:0.0042 who:0.0042 or:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6490 the:0.1534 and:0.0410 of:0.0329 a:0.0269 is:0.0256 in:0.0252 was:0.0230 as:0.0119 that:0.0111 -:0.8654 the:0.0463 and:0.0281 this:0.0126 to:0.0116 other:0.0078 of:0.0074 a:0.0074 one:0.0069 more:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7129 of:0.1646 and:0.0414 in:0.0171 to:0.0157 the:0.0147 is:0.0096 at:0.0086 for:0.0077 that:0.0076 -the:0.4502 :0.3987 a:0.0563 this:0.0221 tho:0.0182 his:0.0149 no:0.0122 any:0.0115 he:0.0082 every:0.0077 -to:0.0553 of:0.0486 and:0.0401 :0.7504 ago:0.0255 in:0.0204 by:0.0167 for:0.0152 than:0.0142 that:0.0137 -:0.8368 and:0.0493 that:0.0214 to:0.0158 of:0.0135 fact:0.0134 him:0.0134 all:0.0132 but:0.0118 in:0.0114 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.9172 to:0.0195 and:0.0185 of:0.0087 will:0.0068 was:0.0067 who:0.0061 is:0.0057 hundred:0.0055 long:0.0052 -:0.8797 and:0.0237 to:0.0234 is:0.0149 was:0.0126 the:0.0125 of:0.0106 are:0.0086 or:0.0073 a:0.0068 -:0.7645 the:0.0787 and:0.0387 of:0.0362 at:0.0201 a:0.0151 in:0.0150 said:0.0112 to:0.0109 or:0.0096 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7812 and:0.0510 is:0.0393 was:0.0253 are:0.0237 of:0.0203 to:0.0158 the:0.0151 be:0.0148 a:0.0137 -:0.6816 of:0.1154 to:0.0589 and:0.0341 the:0.0304 for:0.0190 in:0.0168 a:0.0164 with:0.0143 on:0.0131 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8932 and:0.0224 the:0.0153 was:0.0119 is:0.0114 to:0.0112 of:0.0090 a:0.0087 have:0.0086 be:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9244 one:0.0192 sale:0.0102 all:0.0089 thousands:0.0073 virtue:0.0064 those:0.0064 each:0.0062 course:0.0057 some:0.0053 -:0.9250 wife:0.0157 life:0.0150 time:0.0086 country:0.0069 it:0.0063 case:0.0059 day:0.0058 office:0.0054 way:0.0054 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.6152 the:0.1427 a:0.0915 and:0.0335 to:0.0285 of:0.0202 be:0.0200 as:0.0200 his:0.0172 not:0.0111 -:0.6960 of:0.0903 and:0.0686 to:0.0380 in:0.0269 that:0.0215 as:0.0189 or:0.0152 for:0.0133 at:0.0114 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9403 and:0.0225 to:0.0056 is:0.0052 of:0.0050 that:0.0049 one:0.0045 the:0.0044 was:0.0041 all:0.0036 -:0.7451 of:0.0958 and:0.0435 to:0.0318 in:0.0222 or:0.0140 for:0.0137 the:0.0128 with:0.0116 by:0.0094 -:0.8734 other:0.0479 and:0.0174 of:0.0122 one:0.0109 time:0.0101 the:0.0078 more:0.0075 to:0.0072 person:0.0055 -:0.6688 to:0.1038 we:0.0720 and:0.0361 they:0.0320 will:0.0227 would:0.0176 that:0.0160 who:0.0156 not:0.0155 -:0.7672 the:0.0515 and:0.0371 is:0.0276 be:0.0261 a:0.0257 was:0.0237 of:0.0186 he:0.0114 to:0.0110 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -the:0.3694 :0.4026 a:0.0599 this:0.0522 any:0.0346 tho:0.0234 his:0.0227 all:0.0148 their:0.0106 least:0.0098 -:0.6461 the:0.1561 a:0.0775 and:0.0354 of:0.0252 was:0.0128 his:0.0127 is:0.0126 to:0.0110 or:0.0105 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8377 it:0.0351 he:0.0272 which:0.0206 there:0.0202 that:0.0172 who:0.0170 she:0.0114 and:0.0073 time:0.0062 -:0.7785 to:0.0690 in:0.0467 not:0.0221 of:0.0196 with:0.0178 for:0.0168 hereby:0.0107 on:0.0096 by:0.0094 -:0.7602 the:0.0570 a:0.0489 and:0.0283 of:0.0261 is:0.0235 to:0.0171 was:0.0160 be:0.0134 his:0.0095 -:0.7107 of:0.0743 to:0.0539 and:0.0434 the:0.0383 in:0.0255 at:0.0160 for:0.0135 a:0.0132 as:0.0112 -:0.6811 the:0.1066 to:0.0472 a:0.0360 of:0.0313 and:0.0273 that:0.0224 in:0.0218 by:0.0156 for:0.0106 -:0.6889 was:0.0526 is:0.0440 be:0.0428 have:0.0352 has:0.0328 the:0.0319 and:0.0317 had:0.0250 are:0.0151 -:0.7611 to:0.0767 in:0.0409 of:0.0336 by:0.0240 for:0.0172 on:0.0129 and:0.0121 at:0.0111 with:0.0106 -:0.8102 of:0.0371 and:0.0312 to:0.0300 the:0.0206 in:0.0191 by:0.0169 on:0.0125 for:0.0115 from:0.0108 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8051 him:0.0674 them:0.0421 up:0.0187 it:0.0156 and:0.0127 us:0.0101 a:0.0098 that:0.0094 the:0.0092 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.3847 :0.4640 not:0.0417 have:0.0357 to:0.0238 bo:0.0200 do:0.0103 take:0.0071 as:0.0065 now:0.0063 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6016 of:0.0941 a:0.0610 the:0.0559 and:0.0505 are:0.0391 is:0.0266 were:0.0250 in:0.0245 his:0.0218 -:0.8366 in:0.0294 as:0.0243 that:0.0192 for:0.0176 is:0.0174 was:0.0169 with:0.0145 by:0.0126 to:0.0116 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6638 to:0.1251 the:0.0544 and:0.0382 of:0.0347 a:0.0274 in:0.0214 for:0.0126 was:0.0112 is:0.0111 -:0.9408 the:0.0104 be:0.0095 him:0.0088 work:0.0080 go:0.0058 me:0.0052 them:0.0046 appear:0.0036 do:0.0034 -:0.7355 of:0.0858 and:0.0584 to:0.0336 in:0.0241 that:0.0148 the:0.0139 or:0.0130 for:0.0120 at:0.0089 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -of:0.1466 :0.4382 to:0.0962 in:0.0791 for:0.0578 with:0.0555 by:0.0385 on:0.0350 and:0.0282 at:0.0249 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8931 which:0.0267 the:0.0147 men:0.0143 you:0.0116 they:0.0104 it:0.0090 them:0.0077 land:0.0063 we:0.0063 -:0.8761 and:0.0256 he:0.0207 that:0.0177 of:0.0145 the:0.0130 they:0.0084 it:0.0083 is:0.0080 in:0.0077 -the:0.4348 a:0.0972 :0.2812 his:0.0474 tho:0.0328 their:0.0323 this:0.0234 our:0.0229 said:0.0150 her:0.0130 -:0.7097 been:0.1548 the:0.0260 not:0.0253 a:0.0231 to:0.0173 no:0.0124 it:0.0114 and:0.0102 so:0.0097 -:0.7598 to:0.0806 and:0.0419 will:0.0330 would:0.0176 was:0.0172 is:0.0157 the:0.0130 a:0.0115 shall:0.0097 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7046 as:0.0859 and:0.0418 the:0.0411 of:0.0299 is:0.0280 was:0.0194 in:0.0192 to:0.0174 or:0.0126 -:0.5486 is:0.1313 does:0.0473 was:0.0454 will:0.0448 could:0.0383 they:0.0379 he:0.0368 did:0.0354 are:0.0343 -the:0.3893 :0.3379 a:0.1241 his:0.0404 this:0.0272 tho:0.0241 our:0.0183 their:0.0177 an:0.0110 its:0.0099 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6323 more:0.2239 less:0.1020 better:0.0124 other:0.0079 one:0.0051 that:0.0046 rather:0.0041 two:0.0041 it:0.0036 -the:0.3894 :0.4414 a:0.0422 tho:0.0335 this:0.0204 his:0.0193 our:0.0165 their:0.0158 these:0.0112 tbe:0.0104 -:0.8529 and:0.0400 the:0.0290 of:0.0289 to:0.0096 a:0.0092 in:0.0086 time:0.0075 which:0.0073 or:0.0072 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.5447 a:0.1289 the:0.0963 of:0.0657 to:0.0545 and:0.0285 that:0.0254 by:0.0201 his:0.0200 in:0.0160 -cent:0.3251 :0.5553 annum:0.0539 the:0.0158 of:0.0139 to:0.0101 and:0.0076 centum:0.0063 is:0.0061 in:0.0059 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9413 it:0.0146 that:0.0090 which:0.0077 there:0.0054 as:0.0050 they:0.0048 men:0.0047 city:0.0038 time:0.0038 -:0.9471 hand:0.0099 home:0.0075 and:0.0069 way:0.0068 time:0.0060 life:0.0045 year:0.0041 one:0.0036 hands:0.0035 -:0.6241 of:0.1196 in:0.0608 and:0.0374 to:0.0350 the:0.0350 for:0.0334 with:0.0211 a:0.0174 by:0.0162 -of:0.2290 :0.4909 and:0.0737 to:0.0527 the:0.0349 in:0.0325 that:0.0258 for:0.0257 or:0.0190 by:0.0158 -:0.8939 one:0.0180 line:0.0163 part:0.0163 day:0.0139 and:0.0120 side:0.0098 out:0.0085 to:0.0068 that:0.0044 -:0.9184 and:0.0391 is:0.0084 was:0.0058 of:0.0054 to:0.0054 line:0.0048 feet:0.0047 but:0.0043 out:0.0038 -:0.8118 and:0.0422 to:0.0407 the:0.0324 that:0.0196 of:0.0166 which:0.0131 it:0.0089 he:0.0080 who:0.0066 -:0.6736 who:0.0724 is:0.0550 and:0.0491 of:0.0435 was:0.0418 to:0.0209 are:0.0160 will:0.0152 in:0.0124 -:0.6860 in:0.0823 to:0.0522 of:0.0314 for:0.0290 on:0.0278 that:0.0238 by:0.0233 made:0.0225 at:0.0217 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8077 be:0.0850 have:0.0228 only:0.0181 been:0.0163 yet:0.0139 as:0.0104 bo:0.0087 not:0.0086 that:0.0085 -:0.6156 the:0.1727 of:0.0505 a:0.0334 is:0.0292 and:0.0271 was:0.0257 in:0.0186 for:0.0143 as:0.0129 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7868 and:0.0834 of:0.0641 or:0.0140 to:0.0133 are:0.0092 day:0.0090 is:0.0089 in:0.0058 but:0.0055 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9183 them:0.0197 the:0.0181 land:0.0089 interest:0.0084 him:0.0061 sale:0.0054 it:0.0053 this:0.0051 all:0.0048 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -the:0.3628 a:0.1987 :0.3282 his:0.0217 this:0.0195 tho:0.0163 any:0.0145 an:0.0133 their:0.0130 its:0.0120 -:0.8269 to:0.0431 the:0.0417 a:0.0263 and:0.0152 in:0.0134 of:0.0124 by:0.0073 for:0.0071 or:0.0067 -:0.6335 that:0.0900 of:0.0640 and:0.0546 as:0.0411 when:0.0304 but:0.0246 which:0.0215 where:0.0204 with:0.0199 -:0.8273 the:0.0839 said:0.0253 a:0.0174 all:0.0136 this:0.0084 them:0.0082 tho:0.0060 her:0.0054 those:0.0045 -the:0.2038 :0.5673 a:0.0951 be:0.0439 his:0.0270 have:0.0143 take:0.0133 tho:0.0130 her:0.0120 make:0.0102 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8894 and:0.0268 is:0.0228 was:0.0127 are:0.0125 to:0.0104 of:0.0081 were:0.0067 or:0.0056 but:0.0049 -:0.9450 and:0.0136 the:0.0097 own:0.0076 time:0.0044 of:0.0044 to:0.0041 that:0.0039 way:0.0036 in:0.0036 -:0.7392 of:0.1018 to:0.0427 and:0.0320 in:0.0214 he:0.0164 will:0.0135 not:0.0128 that:0.0107 the:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -be:0.4304 :0.3860 the:0.0665 bo:0.0287 a:0.0220 to:0.0153 have:0.0149 not:0.0136 make:0.0113 take:0.0113 -:0.8121 and:0.0490 to:0.0322 has:0.0201 have:0.0180 is:0.0152 was:0.0148 of:0.0136 had:0.0133 as:0.0117 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8480 it:0.0319 who:0.0283 he:0.0217 the:0.0162 and:0.0140 to:0.0138 they:0.0098 there:0.0087 we:0.0077 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6165 to:0.0999 of:0.0977 and:0.0503 the:0.0342 in:0.0337 for:0.0183 by:0.0177 that:0.0161 at:0.0157 -:0.9094 line:0.0149 one:0.0137 day:0.0118 side:0.0108 out:0.0095 amount:0.0091 part:0.0084 and:0.0080 end:0.0045 -:0.5809 of:0.1800 to:0.0824 and:0.0666 in:0.0290 for:0.0159 that:0.0145 or:0.0130 on:0.0097 with:0.0081 -:0.9145 one:0.0269 all:0.0122 some:0.0100 it:0.0069 part:0.0069 out:0.0063 many:0.0061 time:0.0051 he:0.0051 -:0.6358 the:0.1119 to:0.0899 a:0.0525 of:0.0385 and:0.0311 in:0.0122 this:0.0108 his:0.0094 for:0.0079 -:0.9047 the:0.0205 and:0.0184 of:0.0133 in:0.0115 to:0.0094 that:0.0059 a:0.0056 as:0.0055 for:0.0052 -the:0.4932 a:0.0890 :0.2287 his:0.0515 this:0.0504 their:0.0254 tho:0.0194 its:0.0155 our:0.0151 any:0.0117 -of:0.2554 :0.5377 and:0.0665 to:0.0298 in:0.0292 the:0.0221 or:0.0188 is:0.0165 for:0.0122 was:0.0119 -:0.8300 made:0.0332 held:0.0254 found:0.0246 used:0.0174 paid:0.0160 done:0.0156 placed:0.0153 given:0.0114 sold:0.0111 -:0.6492 of:0.1140 to:0.0561 in:0.0549 for:0.0307 from:0.0236 and:0.0215 on:0.0172 with:0.0165 as:0.0163 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7743 the:0.0586 and:0.0365 was:0.0265 is:0.0263 not:0.0251 of:0.0160 be:0.0140 have:0.0116 has:0.0110 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6726 the:0.1217 and:0.0498 a:0.0412 to:0.0387 of:0.0377 or:0.0105 in:0.0103 is:0.0095 was:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6361 of:0.1010 to:0.0729 the:0.0677 and:0.0433 in:0.0292 a:0.0230 was:0.0093 for:0.0092 is:0.0084 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.9002 good:0.0221 little:0.0167 great:0.0155 very:0.0137 large:0.0085 certain:0.0075 year:0.0055 few:0.0054 most:0.0050 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7414 to:0.0702 of:0.0499 and:0.0485 the:0.0250 in:0.0237 is:0.0124 for:0.0106 have:0.0094 will:0.0089 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8159 and:0.0394 a:0.0239 the:0.0237 to:0.0214 is:0.0194 was:0.0186 of:0.0171 are:0.0111 that:0.0096 -:0.9079 of:0.0222 the:0.0201 and:0.0149 to:0.0086 a:0.0082 in:0.0075 that:0.0040 by:0.0034 or:0.0031 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8536 the:0.0355 to:0.0259 a:0.0181 and:0.0166 of:0.0156 in:0.0114 that:0.0092 not:0.0083 by:0.0059 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9058 of:0.0166 in:0.0161 for:0.0144 with:0.0096 on:0.0092 at:0.0082 from:0.0077 by:0.0061 to:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7905 and:0.0570 was:0.0299 to:0.0285 is:0.0240 of:0.0172 the:0.0147 be:0.0129 as:0.0128 that:0.0127 -:0.6163 in:0.0753 of:0.0678 to:0.0555 for:0.0415 on:0.0326 by:0.0299 that:0.0296 with:0.0265 at:0.0251 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6810 of:0.1387 the:0.0431 and:0.0360 to:0.0290 in:0.0205 that:0.0146 or:0.0134 for:0.0122 was:0.0116 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.8233 the:0.0451 and:0.0326 is:0.0213 of:0.0159 who:0.0142 we:0.0142 was:0.0132 as:0.0104 a:0.0097 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8427 of:0.0362 and:0.0235 the:0.0221 in:0.0205 to:0.0195 a:0.0109 at:0.0089 that:0.0081 by:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6204 of:0.1112 and:0.0765 the:0.0546 to:0.0348 in:0.0276 that:0.0225 is:0.0204 was:0.0181 with:0.0139 -:0.8973 long:0.0379 well:0.0129 year:0.0111 large:0.0105 good:0.0089 week:0.0069 little:0.0067 great:0.0041 better:0.0039 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7382 it:0.1123 there:0.0702 he:0.0291 that:0.0159 which:0.0098 she:0.0076 who:0.0062 what:0.0057 the:0.0051 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -of:0.4047 :0.4092 and:0.0628 to:0.0427 in:0.0260 for:0.0126 that:0.0125 as:0.0100 is:0.0098 with:0.0097 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.5816 of:0.1980 and:0.0661 to:0.0314 in:0.0262 as:0.0230 is:0.0230 for:0.0201 was:0.0177 or:0.0128 -of:0.3391 to:0.1130 in:0.0869 :0.2621 that:0.0427 at:0.0393 for:0.0390 by:0.0283 on:0.0278 with:0.0217 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -of:0.4044 :0.4479 and:0.0514 in:0.0248 is:0.0157 to:0.0145 for:0.0139 with:0.0099 or:0.0089 that:0.0087 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.8616 able:0.0406 made:0.0299 given:0.0123 sent:0.0104 allowed:0.0101 brought:0.0100 used:0.0085 found:0.0083 unable:0.0083 -:0.6756 to:0.0636 the:0.0567 and:0.0491 of:0.0464 in:0.0409 that:0.0209 for:0.0175 at:0.0148 a:0.0145 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8324 and:0.0317 is:0.0307 to:0.0302 the:0.0154 was:0.0134 as:0.0134 that:0.0134 of:0.0099 in:0.0096 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6709 the:0.2046 this:0.0298 a:0.0187 his:0.0163 their:0.0148 two:0.0129 which:0.0128 an:0.0101 tho:0.0092 -:0.8137 to:0.0407 of:0.0405 and:0.0322 in:0.0225 the:0.0161 a:0.0113 at:0.0085 that:0.0076 for:0.0069 -:0.6956 the:0.1638 all:0.0386 least:0.0278 a:0.0252 this:0.0136 once:0.0095 his:0.0089 its:0.0085 tho:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -a:0.0691 :0.8831 the:0.0171 an:0.0092 he:0.0047 own:0.0042 one:0.0035 his:0.0033 are:0.0030 first:0.0028 -:0.7769 the:0.0802 a:0.0408 and:0.0376 of:0.0147 this:0.0110 that:0.0099 was:0.0098 to:0.0098 is:0.0093 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.8860 we:0.0212 and:0.0157 they:0.0156 it:0.0135 who:0.0117 is:0.0108 that:0.0096 he:0.0088 as:0.0072 -:0.5788 a:0.1161 of:0.0902 to:0.0438 the:0.0418 and:0.0411 by:0.0255 that:0.0223 for:0.0219 in:0.0185 -the:0.3238 a:0.1929 :0.3368 any:0.0367 his:0.0290 he:0.0276 tho:0.0154 this:0.0140 one:0.0121 every:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6215 the:0.0942 to:0.0793 and:0.0698 of:0.0502 a:0.0435 in:0.0161 is:0.0092 was:0.0081 for:0.0081 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2798 :0.4778 a:0.0905 this:0.0444 his:0.0327 their:0.0171 its:0.0155 tho:0.0154 said:0.0149 her:0.0119 -:0.8688 the:0.0285 and:0.0264 of:0.0203 a:0.0127 is:0.0101 that:0.0100 in:0.0086 to:0.0077 was:0.0069 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.8874 and:0.0409 is:0.0189 was:0.0140 are:0.0126 to:0.0057 will:0.0055 were:0.0052 but:0.0049 be:0.0049 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.5969 that:0.1749 as:0.0568 and:0.0321 when:0.0312 to:0.0301 if:0.0246 which:0.0192 for:0.0175 but:0.0167 -:0.8011 the:0.0737 to:0.0358 a:0.0248 and:0.0192 in:0.0114 by:0.0113 of:0.0102 that:0.0063 an:0.0062 -:0.7237 the:0.0655 of:0.0522 in:0.0414 and:0.0389 is:0.0201 for:0.0168 a:0.0157 was:0.0145 with:0.0113 -:0.7113 be:0.1001 say:0.0466 see:0.0246 believe:0.0244 know:0.0237 find:0.0234 have:0.0185 think:0.0137 get:0.0136 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.7803 and:0.0473 to:0.0413 the:0.0343 of:0.0221 a:0.0196 they:0.0152 as:0.0148 we:0.0143 is:0.0109 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7350 of:0.0914 and:0.0471 to:0.0396 in:0.0255 on:0.0137 by:0.0132 with:0.0123 was:0.0117 who:0.0106 -:0.8668 out:0.0277 and:0.0228 line:0.0186 to:0.0134 or:0.0121 years:0.0103 of:0.0103 side:0.0097 that:0.0085 -:0.8372 of:0.0541 and:0.0433 in:0.0122 to:0.0121 for:0.0093 or:0.0093 the:0.0081 that:0.0079 as:0.0065 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.5724 to:0.2298 will:0.0747 shall:0.0365 may:0.0181 and:0.0154 would:0.0154 can:0.0145 should:0.0136 he:0.0097 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5694 and:0.1296 that:0.0755 of:0.0655 the:0.0497 in:0.0463 to:0.0265 for:0.0183 at:0.0100 was:0.0092 -the:0.6496 :0.2029 a:0.0553 any:0.0284 his:0.0173 tho:0.0124 this:0.0108 an:0.0089 two:0.0080 their:0.0064 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.6142 of:0.1955 and:0.0635 the:0.0284 in:0.0260 to:0.0222 for:0.0144 with:0.0124 or:0.0124 on:0.0110 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.5229 to:0.1852 of:0.0883 and:0.0559 in:0.0405 the:0.0279 a:0.0216 for:0.0214 by:0.0202 at:0.0162 -:0.9249 and:0.0212 to:0.0116 in:0.0107 of:0.0088 the:0.0067 that:0.0052 at:0.0038 it:0.0036 on:0.0035 -:0.7762 the:0.0472 a:0.0328 to:0.0292 of:0.0265 and:0.0245 not:0.0232 that:0.0176 in:0.0128 an:0.0100 -:0.8028 to:0.0471 and:0.0381 of:0.0226 the:0.0206 is:0.0180 was:0.0175 or:0.0125 as:0.0114 be:0.0094 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -to:0.3006 :0.4663 the:0.1235 and:0.0436 a:0.0201 of:0.0108 he:0.0103 his:0.0094 in:0.0087 by:0.0067 -:0.8678 same:0.0250 first:0.0207 last:0.0200 real:0.0128 great:0.0114 young:0.0112 very:0.0109 next:0.0104 new:0.0098 -:0.9403 the:0.0139 and:0.0101 time:0.0090 of:0.0067 a:0.0045 other:0.0044 day:0.0039 is:0.0037 th:0.0034 -:0.7926 which:0.0491 it:0.0359 that:0.0313 and:0.0222 you:0.0163 as:0.0153 they:0.0150 he:0.0121 but:0.0102 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6807 a:0.0892 the:0.0600 and:0.0552 to:0.0405 in:0.0160 he:0.0154 of:0.0149 him:0.0147 is:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2387 and:0.0787 :0.4091 in:0.0655 with:0.0572 to:0.0414 for:0.0362 from:0.0278 by:0.0251 as:0.0201 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9766 hundred:0.0034 more:0.0031 it:0.0030 day:0.0026 time:0.0025 land:0.0024 city:0.0022 place:0.0022 men:0.0021 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6712 of:0.0980 to:0.0793 and:0.0579 in:0.0288 for:0.0158 or:0.0153 by:0.0115 at:0.0112 from:0.0111 -:0.6361 of:0.1508 and:0.0703 to:0.0327 in:0.0267 that:0.0250 the:0.0222 for:0.0131 or:0.0129 is:0.0102 -:0.8490 the:0.0535 a:0.0193 and:0.0155 that:0.0149 of:0.0118 is:0.0094 be:0.0092 in:0.0091 to:0.0086 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6780 the:0.1186 to:0.0455 of:0.0374 a:0.0373 and:0.0309 in:0.0167 will:0.0123 is:0.0119 was:0.0114 -:0.8979 one:0.0231 part:0.0170 day:0.0138 time:0.0105 doubt:0.0088 use:0.0088 deal:0.0083 act:0.0060 matter:0.0058 -:0.8485 part:0.0350 side:0.0200 line:0.0195 day:0.0190 deal:0.0185 one:0.0129 and:0.0102 out:0.0085 number:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6744 of:0.1330 and:0.0502 to:0.0431 in:0.0270 for:0.0211 that:0.0175 the:0.0139 a:0.0100 at:0.0098 -:0.8851 and:0.0474 to:0.0151 the:0.0117 of:0.0085 is:0.0084 in:0.0070 it:0.0059 as:0.0058 that:0.0052 -:0.8541 and:0.0365 to:0.0261 was:0.0195 of:0.0164 is:0.0163 or:0.0081 in:0.0081 that:0.0076 the:0.0073 -:0.6636 to:0.0749 in:0.0716 of:0.0322 that:0.0302 been:0.0275 by:0.0273 on:0.0272 at:0.0255 all:0.0200 -of:0.2655 :0.3846 in:0.1455 for:0.0545 on:0.0301 at:0.0290 that:0.0284 and:0.0261 from:0.0207 by:0.0156 -the:0.3380 :0.4958 a:0.0495 his:0.0317 their:0.0235 tho:0.0143 this:0.0134 said:0.0123 all:0.0112 its:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6103 he:0.1098 is:0.0584 has:0.0444 they:0.0349 we:0.0323 had:0.0308 was:0.0278 have:0.0257 it:0.0255 -:0.6583 of:0.1162 and:0.0689 to:0.0536 in:0.0265 the:0.0205 is:0.0146 for:0.0143 that:0.0139 by:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -been:0.3996 :0.4175 not:0.0512 the:0.0278 no:0.0247 a:0.0217 had:0.0183 always:0.0170 have:0.0114 to:0.0108 -:0.5687 of:0.1227 and:0.0813 is:0.0629 was:0.0410 to:0.0335 or:0.0293 are:0.0291 has:0.0166 hundred:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7603 the:0.0640 be:0.0548 a:0.0390 and:0.0178 was:0.0154 are:0.0146 is:0.0125 in:0.0111 not:0.0106 -:0.8492 the:0.0727 a:0.0161 to:0.0160 and:0.0113 in:0.0108 of:0.0066 that:0.0063 by:0.0057 all:0.0053 -to:0.1483 :0.4672 in:0.1218 of:0.0567 for:0.0529 and:0.0382 by:0.0382 a:0.0323 the:0.0251 with:0.0191 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8709 and:0.0461 of:0.0263 but:0.0118 fact:0.0101 is:0.0087 so:0.0082 in:0.0063 to:0.0061 shows:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8494 and:0.0452 to:0.0214 of:0.0181 is:0.0156 the:0.0144 a:0.0115 was:0.0108 or:0.0071 in:0.0065 -:0.5894 the:0.1814 a:0.0905 of:0.0404 and:0.0226 that:0.0199 as:0.0186 an:0.0136 is:0.0127 or:0.0109 -:0.8570 and:0.0251 was:0.0233 to:0.0215 is:0.0202 would:0.0132 will:0.0123 in:0.0099 are:0.0089 not:0.0087 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.8395 of:0.0474 and:0.0283 the:0.0189 to:0.0165 in:0.0150 or:0.0096 for:0.0095 that:0.0076 with:0.0076 -:0.8756 and:0.0374 as:0.0213 is:0.0199 of:0.0123 the:0.0083 that:0.0081 was:0.0072 which:0.0053 are:0.0046 -:0.6236 of:0.1861 the:0.0406 and:0.0388 to:0.0256 in:0.0234 that:0.0182 a:0.0176 for:0.0161 by:0.0099 -:0.6519 and:0.0763 of:0.0696 that:0.0517 to:0.0363 as:0.0266 if:0.0250 but:0.0243 which:0.0202 for:0.0180 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7025 and:0.0644 the:0.0636 to:0.0532 of:0.0391 that:0.0224 in:0.0207 a:0.0173 was:0.0094 by:0.0074 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.0724 :0.8305 any:0.0275 a:0.0238 this:0.0121 last:0.0071 some:0.0071 of:0.0068 tho:0.0065 in:0.0062 -:0.6969 of:0.0754 and:0.0510 to:0.0453 in:0.0418 for:0.0294 with:0.0173 that:0.0149 the:0.0143 is:0.0137 -:0.8850 we:0.0306 they:0.0273 it:0.0138 one:0.0135 he:0.0093 you:0.0055 person:0.0053 as:0.0053 property:0.0045 -:0.6748 the:0.2056 a:0.0339 this:0.0208 tho:0.0139 his:0.0128 said:0.0127 any:0.0087 it:0.0084 their:0.0084 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.8424 the:0.0441 and:0.0373 a:0.0206 to:0.0118 of:0.0118 is:0.0090 be:0.0080 he:0.0076 this:0.0074 -:0.8951 line:0.0248 day:0.0202 number:0.0132 side:0.0116 part:0.0100 and:0.0079 out:0.0078 one:0.0056 office:0.0038 -:0.8961 man:0.0268 men:0.0229 people:0.0182 city:0.0091 same:0.0073 best:0.0054 first:0.0050 county:0.0047 whole:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9250 good:0.0109 few:0.0102 very:0.0100 great:0.0098 large:0.0085 long:0.0077 little:0.0076 man:0.0054 certain:0.0049 -:0.7490 the:0.1430 a:0.0352 and:0.0129 it:0.0127 to:0.0114 tho:0.0098 that:0.0095 his:0.0084 he:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.9407 people:0.0095 city:0.0090 world:0.0073 law:0.0072 same:0.0062 case:0.0055 government:0.0053 country:0.0046 bill:0.0046 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6372 more:0.1734 than:0.0846 less:0.0737 better:0.0069 longer:0.0063 and:0.0054 rather:0.0047 one:0.0039 it:0.0038 -:0.7275 of:0.0942 to:0.0613 and:0.0500 in:0.0194 at:0.0112 for:0.0107 on:0.0091 the:0.0091 by:0.0074 -:0.9594 and:0.0098 to:0.0060 time:0.0054 that:0.0045 place:0.0037 day:0.0029 it:0.0029 of:0.0027 one:0.0026 -:0.9911 a:0.0017 be:0.0011 do:0.0011 the:0.0009 said:0.0009 say:0.0009 and:0.0008 is:0.0008 are:0.0007 -:0.8355 come:0.0292 been:0.0212 failed:0.0209 not:0.0182 made:0.0180 gone:0.0163 able:0.0158 taken:0.0144 given:0.0103 -:0.9209 and:0.0336 to:0.0102 of:0.0091 was:0.0060 is:0.0054 that:0.0042 in:0.0042 it:0.0034 be:0.0031 -:0.8451 it:0.0323 he:0.0310 mortgage:0.0193 that:0.0164 there:0.0137 day:0.0132 man:0.0120 which:0.0097 and:0.0074 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6622 the:0.1470 a:0.0570 of:0.0485 and:0.0251 is:0.0131 to:0.0130 this:0.0120 his:0.0116 in:0.0105 -:0.8988 and:0.0349 is:0.0127 as:0.0114 to:0.0092 that:0.0089 but:0.0064 was:0.0062 it:0.0061 of:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8287 of:0.0405 and:0.0404 to:0.0295 in:0.0142 the:0.0140 a:0.0094 that:0.0083 for:0.0077 by:0.0073 -:0.7899 and:0.0635 of:0.0437 which:0.0172 who:0.0171 as:0.0158 or:0.0152 is:0.0146 are:0.0128 to:0.0104 -:0.6581 to:0.1132 the:0.0597 and:0.0352 a:0.0274 in:0.0271 of:0.0260 for:0.0189 that:0.0173 by:0.0171 -was:0.1611 :0.5188 had:0.1229 is:0.0616 has:0.0556 be:0.0192 would:0.0169 could:0.0152 will:0.0146 have:0.0141 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7611 to:0.0643 of:0.0465 and:0.0464 in:0.0211 the:0.0189 that:0.0127 a:0.0111 for:0.0093 by:0.0086 -of:0.1735 :0.5465 the:0.0830 to:0.0425 and:0.0380 in:0.0349 a:0.0292 by:0.0231 for:0.0155 is:0.0137 -:0.6021 of:0.1809 and:0.0614 to:0.0436 in:0.0243 that:0.0228 from:0.0172 for:0.0165 the:0.0162 or:0.0150 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.5964 been:0.1036 the:0.0996 to:0.0654 a:0.0419 not:0.0281 no:0.0224 in:0.0194 and:0.0134 so:0.0100 -:0.8413 that:0.0385 as:0.0369 if:0.0186 which:0.0151 and:0.0148 less:0.0092 otherwise:0.0086 where:0.0085 but:0.0085 -:0.8712 him:0.0355 them:0.0211 it:0.0147 as:0.0127 up:0.0095 us:0.0092 come:0.0089 and:0.0087 me:0.0085 -:0.5784 in:0.0859 of:0.0774 to:0.0545 by:0.0406 for:0.0351 from:0.0351 on:0.0338 and:0.0297 with:0.0294 -:0.9030 and:0.0333 of:0.0140 up:0.0096 to:0.0083 time:0.0067 him:0.0066 that:0.0063 days:0.0062 way:0.0060 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6605 to:0.1667 and:0.0419 will:0.0327 would:0.0254 the:0.0249 could:0.0129 we:0.0123 is:0.0114 was:0.0114 -:0.6649 than:0.1948 of:0.0374 and:0.0370 to:0.0158 or:0.0120 was:0.0112 in:0.0111 the:0.0095 is:0.0064 -to:0.1571 :0.4041 in:0.1299 by:0.0673 of:0.0609 for:0.0432 on:0.0424 at:0.0398 that:0.0286 from:0.0268 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7579 of:0.0808 and:0.0501 to:0.0242 the:0.0182 in:0.0182 is:0.0152 for:0.0122 was:0.0117 or:0.0116 -:0.7425 of:0.1356 and:0.0311 hundred:0.0199 to:0.0192 or:0.0156 in:0.0120 the:0.0085 is:0.0083 that:0.0074 -:0.8028 to:0.0471 and:0.0381 of:0.0226 the:0.0206 is:0.0180 was:0.0175 or:0.0125 as:0.0114 be:0.0094 -:0.6416 the:0.0967 of:0.0957 and:0.0353 in:0.0321 is:0.0286 to:0.0218 a:0.0194 was:0.0182 for:0.0105 -:0.7456 order:0.0892 regard:0.0760 addition:0.0259 relation:0.0160 reference:0.0117 said:0.0102 him:0.0096 them:0.0083 view:0.0076 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5017 of:0.1187 to:0.0778 in:0.0642 and:0.0625 that:0.0556 at:0.0459 for:0.0297 on:0.0232 from:0.0206 -:0.6480 the:0.2281 a:0.0393 his:0.0222 that:0.0136 tho:0.0108 their:0.0107 this:0.0104 any:0.0089 no:0.0081 -of:0.3217 :0.3824 to:0.0864 in:0.0682 the:0.0617 and:0.0260 at:0.0223 for:0.0119 or:0.0102 a:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8072 the:0.0362 they:0.0340 it:0.0289 which:0.0264 he:0.0165 we:0.0158 a:0.0130 him:0.0115 them:0.0104 -:0.8536 the:0.0355 to:0.0259 a:0.0181 and:0.0166 of:0.0156 in:0.0114 that:0.0092 not:0.0083 by:0.0059 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7365 to:0.0938 and:0.0336 will:0.0278 we:0.0244 would:0.0217 who:0.0187 shall:0.0175 they:0.0143 as:0.0117 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.8026 and:0.0401 of:0.0327 the:0.0297 to:0.0288 in:0.0197 a:0.0166 by:0.0117 at:0.0096 that:0.0084 -:0.8477 the:0.0705 a:0.0168 of:0.0166 and:0.0133 to:0.0108 in:0.0102 for:0.0054 that:0.0044 tho:0.0044 -the:0.5920 :0.2479 a:0.0605 tho:0.0302 this:0.0253 his:0.0112 our:0.0104 their:0.0090 its:0.0080 any:0.0053 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8412 not:0.0366 who:0.0250 he:0.0170 have:0.0153 we:0.0145 and:0.0139 it:0.0129 years:0.0121 they:0.0116 -:0.8096 the:0.0654 a:0.0342 and:0.0171 in:0.0148 that:0.0144 to:0.0132 of:0.0126 by:0.0098 at:0.0089 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.7578 and:0.0771 to:0.0590 of:0.0296 that:0.0184 he:0.0149 was:0.0121 which:0.0110 the:0.0104 is:0.0097 -:0.8850 and:0.0225 so:0.0160 all:0.0127 say:0.0125 is:0.0116 that:0.0114 but:0.0105 said:0.0102 in:0.0077 -:0.8365 and:0.0467 that:0.0272 of:0.0209 in:0.0196 to:0.0145 the:0.0138 which:0.0098 for:0.0057 with:0.0054 -:0.4881 of:0.1786 and:0.1067 to:0.0788 in:0.0415 is:0.0301 was:0.0273 for:0.0181 the:0.0175 or:0.0134 -:0.8734 other:0.0479 and:0.0174 of:0.0122 one:0.0109 time:0.0101 the:0.0078 more:0.0075 to:0.0072 person:0.0055 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.5696 of:0.1595 and:0.0759 to:0.0452 in:0.0394 is:0.0282 for:0.0227 the:0.0223 was:0.0202 a:0.0169 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8329 the:0.0587 in:0.0240 a:0.0161 to:0.0159 that:0.0127 no:0.0108 at:0.0104 for:0.0097 by:0.0088 -:0.8783 the:0.0439 and:0.0236 this:0.0130 a:0.0097 to:0.0073 of:0.0073 it:0.0060 that:0.0056 is:0.0054 -:0.7222 of:0.0926 and:0.0412 is:0.0329 the:0.0325 was:0.0199 in:0.0171 to:0.0170 has:0.0132 he:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7402 of:0.0475 in:0.0453 to:0.0337 at:0.0290 that:0.0282 for:0.0269 on:0.0201 by:0.0149 and:0.0143 -a:0.4372 the:0.2270 :0.2144 his:0.0341 any:0.0189 their:0.0175 this:0.0169 its:0.0125 tho:0.0119 our:0.0098 -:0.7392 to:0.1013 and:0.0495 will:0.0252 of:0.0207 the:0.0191 would:0.0133 is:0.0122 are:0.0099 in:0.0097 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9130 one:0.0269 out:0.0174 line:0.0067 and:0.0067 some:0.0065 all:0.0065 that:0.0057 part:0.0054 to:0.0052 -:0.7308 more:0.1337 less:0.0453 the:0.0203 it:0.0178 he:0.0144 they:0.0105 and:0.0104 we:0.0090 that:0.0079 -:0.7890 the:0.0856 a:0.0310 and:0.0244 of:0.0189 this:0.0145 to:0.0122 in:0.0094 his:0.0083 any:0.0067 -:0.5095 of:0.2780 and:0.0858 to:0.0411 that:0.0177 in:0.0176 or:0.0151 for:0.0140 the:0.0121 as:0.0092 -:0.6004 to:0.2019 of:0.0554 and:0.0417 the:0.0340 will:0.0202 a:0.0143 in:0.0138 would:0.0105 for:0.0077 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -the:0.1458 :0.6618 a:0.0642 such:0.0228 their:0.0226 all:0.0214 tho:0.0180 his:0.0177 its:0.0139 this:0.0119 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6286 the:0.1786 a:0.0859 of:0.0245 his:0.0197 and:0.0180 is:0.0121 to:0.0118 this:0.0116 tho:0.0093 -:0.6847 the:0.1405 a:0.0856 his:0.0192 their:0.0168 all:0.0165 her:0.0102 tho:0.0100 an:0.0084 any:0.0082 -:0.7605 the:0.0821 to:0.0381 and:0.0353 a:0.0345 of:0.0157 is:0.0110 was:0.0082 this:0.0077 his:0.0069 -:0.7408 the:0.1252 a:0.0305 to:0.0299 it:0.0194 and:0.0160 he:0.0115 in:0.0102 they:0.0085 as:0.0080 -:0.7552 of:0.0967 and:0.0269 the:0.0266 in:0.0248 a:0.0179 to:0.0156 that:0.0136 for:0.0116 at:0.0111 -:0.8166 the:0.1044 a:0.0194 in:0.0139 his:0.0096 tho:0.0089 to:0.0089 all:0.0063 then:0.0061 he:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7146 of:0.0835 and:0.0679 to:0.0458 in:0.0217 for:0.0162 as:0.0134 is:0.0131 by:0.0122 that:0.0116 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7276 the:0.0918 of:0.0357 and:0.0320 a:0.0245 it:0.0188 that:0.0188 to:0.0184 in:0.0163 he:0.0162 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8099 to:0.0404 will:0.0299 the:0.0233 would:0.0212 they:0.0169 we:0.0151 may:0.0146 and:0.0144 shall:0.0143 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -:0.9255 efforts:0.0104 order:0.0104 way:0.0103 right:0.0093 power:0.0088 time:0.0077 him:0.0070 duty:0.0067 back:0.0039 -to:0.3585 :0.3408 not:0.0743 will:0.0738 shall:0.0397 may:0.0272 should:0.0257 would:0.0232 can:0.0230 must:0.0137 -:0.6472 are:0.1214 have:0.0501 were:0.0417 will:0.0344 would:0.0343 be:0.0222 can:0.0197 do:0.0152 a:0.0138 -:0.8181 the:0.0428 and:0.0426 is:0.0284 was:0.0188 of:0.0151 a:0.0094 have:0.0093 are:0.0081 or:0.0075 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3618 :0.4741 a:0.0646 is:0.0182 and:0.0176 his:0.0152 tho:0.0144 to:0.0135 he:0.0109 was:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6207 is:0.0873 that:0.0617 as:0.0560 if:0.0500 was:0.0500 when:0.0273 and:0.0227 but:0.0144 where:0.0099 -:0.9424 and:0.0110 is:0.0075 home:0.0068 hand:0.0058 that:0.0058 it:0.0055 as:0.0053 recorded:0.0052 up:0.0047 -:0.6184 of:0.1472 and:0.0653 to:0.0582 in:0.0305 for:0.0193 the:0.0192 by:0.0152 that:0.0139 a:0.0126 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.6099 to:0.1383 of:0.0936 in:0.0347 and:0.0338 by:0.0252 for:0.0169 on:0.0163 the:0.0160 a:0.0155 -:0.9498 it:0.0134 that:0.0064 he:0.0054 went:0.0047 you:0.0046 as:0.0043 then:0.0038 there:0.0038 was:0.0037 -:0.7131 of:0.0741 in:0.0528 and:0.0423 the:0.0261 to:0.0258 is:0.0190 for:0.0167 at:0.0158 was:0.0143 -:0.8272 in:0.0364 to:0.0239 as:0.0210 by:0.0204 for:0.0188 with:0.0162 on:0.0136 at:0.0114 and:0.0111 -:0.5242 to:0.1632 of:0.1293 in:0.0502 and:0.0408 for:0.0215 by:0.0212 at:0.0172 the:0.0172 that:0.0153 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.6998 the:0.0591 of:0.0583 and:0.0572 to:0.0301 in:0.0282 a:0.0212 for:0.0191 is:0.0141 with:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7718 of:0.0863 and:0.0573 to:0.0196 or:0.0160 in:0.0119 are:0.0111 for:0.0095 the:0.0090 that:0.0074 -:0.5874 of:0.1464 and:0.0903 to:0.0753 in:0.0250 for:0.0237 with:0.0142 or:0.0140 that:0.0128 as:0.0110 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7148 of:0.0819 the:0.0796 and:0.0349 in:0.0236 a:0.0167 is:0.0153 for:0.0120 to:0.0106 as:0.0105 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.5357 :0.3024 a:0.0540 tho:0.0243 his:0.0239 this:0.0187 said:0.0108 their:0.0103 our:0.0102 any:0.0097 -:0.9680 it:0.0051 him:0.0041 them:0.0040 up:0.0035 oclock:0.0034 succeeded:0.0031 come:0.0031 be:0.0030 do:0.0027 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7606 of:0.0689 and:0.0430 to:0.0386 the:0.0214 in:0.0184 for:0.0137 that:0.0129 or:0.0119 as:0.0108 -:0.8156 and:0.0453 to:0.0319 the:0.0255 of:0.0195 is:0.0172 was:0.0158 in:0.0116 as:0.0088 a:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.6295 of:0.1598 and:0.0525 to:0.0459 who:0.0374 in:0.0256 is:0.0153 was:0.0139 are:0.0101 or:0.0100 -:0.5706 the:0.1707 of:0.0926 and:0.0475 in:0.0322 a:0.0277 to:0.0256 at:0.0156 for:0.0092 with:0.0083 -:0.6786 of:0.0648 and:0.0625 to:0.0574 in:0.0388 for:0.0246 by:0.0211 as:0.0192 the:0.0180 from:0.0150 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.7178 the:0.0767 and:0.0381 that:0.0361 of:0.0297 to:0.0260 it:0.0195 as:0.0193 a:0.0192 he:0.0176 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5042 will:0.1315 to:0.1063 shall:0.0640 should:0.0454 would:0.0427 may:0.0412 can:0.0264 must:0.0209 we:0.0175 -to:0.0261 :0.9424 it:0.0060 up:0.0050 much:0.0041 him:0.0036 out:0.0036 them:0.0032 north:0.0031 far:0.0030 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.7240 of:0.1074 and:0.0469 to:0.0251 in:0.0247 is:0.0168 the:0.0162 for:0.0152 from:0.0124 with:0.0113 -:0.6927 of:0.1532 and:0.0482 in:0.0235 the:0.0223 to:0.0203 was:0.0119 for:0.0097 is:0.0096 or:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6485 to:0.0959 and:0.0396 will:0.0345 had:0.0335 was:0.0326 would:0.0313 have:0.0295 has:0.0295 of:0.0250 -:0.7452 the:0.0862 of:0.0493 a:0.0327 and:0.0277 in:0.0177 to:0.0113 that:0.0109 by:0.0098 for:0.0092 -:0.9152 he:0.0163 be:0.0154 have:0.0126 and:0.0092 not:0.0082 is:0.0075 was:0.0052 she:0.0052 that:0.0052 -:0.8386 and:0.0440 to:0.0405 is:0.0176 was:0.0175 that:0.0093 of:0.0086 will:0.0081 but:0.0080 are:0.0077 -:0.8822 the:0.0187 to:0.0176 been:0.0174 a:0.0149 of:0.0124 and:0.0120 in:0.0114 that:0.0085 be:0.0047 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9649 as:0.0082 the:0.0060 to:0.0038 a:0.0031 such:0.0030 and:0.0028 by:0.0028 more:0.0028 made:0.0026 -:0.9088 good:0.0205 great:0.0129 very:0.0129 little:0.0118 large:0.0090 long:0.0067 man:0.0060 new:0.0060 small:0.0052 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8430 to:0.0537 in:0.0163 and:0.0159 been:0.0148 a:0.0140 by:0.0124 the:0.0114 had:0.0092 of:0.0092 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9531 city:0.0075 same:0.0070 people:0.0050 county:0.0050 law:0.0050 right:0.0050 person:0.0042 best:0.0042 time:0.0041 -will:0.2625 to:0.1708 :0.2624 shall:0.0646 may:0.0547 would:0.0499 can:0.0482 should:0.0411 must:0.0275 could:0.0183 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -of:0.1522 :0.5853 in:0.0514 with:0.0408 for:0.0344 and:0.0328 is:0.0319 was:0.0261 on:0.0230 to:0.0222 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8617 and:0.0532 of:0.0186 the:0.0158 is:0.0134 was:0.0112 that:0.0092 a:0.0062 in:0.0058 be:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6371 the:0.1876 a:0.0499 and:0.0326 is:0.0249 was:0.0200 to:0.0142 of:0.0128 his:0.0109 tho:0.0100 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6384 of:0.1165 and:0.0657 in:0.0428 to:0.0349 at:0.0279 for:0.0204 on:0.0203 is:0.0184 are:0.0147 -:0.8604 made:0.0474 taken:0.0134 held:0.0130 done:0.0118 followed:0.0115 found:0.0115 not:0.0114 given:0.0107 born:0.0090 -:0.8013 a:0.0434 not:0.0415 the:0.0330 two:0.0172 to:0.0156 three:0.0153 no:0.0135 very:0.0112 and:0.0079 -:0.6065 of:0.1354 and:0.0679 as:0.0517 that:0.0435 is:0.0251 the:0.0232 for:0.0181 in:0.0158 was:0.0128 -:0.9373 have:0.0116 he:0.0111 be:0.0094 had:0.0067 it:0.0067 do:0.0056 and:0.0040 are:0.0038 p:0.0037 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7389 of:0.0781 and:0.0396 to:0.0343 the:0.0309 as:0.0234 in:0.0203 for:0.0135 from:0.0108 at:0.0102 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8497 which:0.0456 it:0.0351 the:0.0153 them:0.0107 what:0.0106 that:0.0103 he:0.0094 you:0.0071 men:0.0062 -of:0.2551 :0.3871 to:0.1319 in:0.0743 for:0.0358 and:0.0322 on:0.0290 by:0.0193 with:0.0179 that:0.0174 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9532 city:0.0076 people:0.0069 same:0.0066 men:0.0053 time:0.0052 country:0.0044 man:0.0036 bill:0.0036 county:0.0034 -have:0.5441 had:0.3112 has:0.0464 :0.0674 havo:0.0064 are:0.0063 never:0.0049 having:0.0047 lias:0.0045 not:0.0041 -:0.7150 of:0.1035 and:0.0445 in:0.0288 the:0.0248 to:0.0238 for:0.0192 that:0.0175 on:0.0115 by:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5308 is:0.1130 and:0.1084 will:0.0530 was:0.0519 to:0.0357 are:0.0322 could:0.0320 would:0.0222 were:0.0209 -:0.5551 to:0.1127 of:0.1026 and:0.0505 is:0.0410 the:0.0393 was:0.0336 will:0.0297 in:0.0192 a:0.0163 -:0.6772 of:0.0713 the:0.0558 to:0.0527 and:0.0504 in:0.0301 that:0.0200 a:0.0168 for:0.0142 at:0.0115 -:0.9190 the:0.0279 of:0.0134 and:0.0097 time:0.0058 days:0.0053 years:0.0052 which:0.0047 other:0.0046 in:0.0045 -:0.9557 world:0.0083 city:0.0056 same:0.0053 time:0.0046 state:0.0044 house:0.0043 case:0.0040 country:0.0039 following:0.0039 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.7848 the:0.0570 to:0.0358 he:0.0322 and:0.0184 three:0.0161 not:0.0150 two:0.0144 we:0.0134 they:0.0127 -:0.8933 and:0.0289 is:0.0166 was:0.0128 of:0.0118 it:0.0082 that:0.0078 the:0.0076 a:0.0073 be:0.0057 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6072 the:0.1320 to:0.0691 and:0.0363 in:0.0355 of:0.0348 a:0.0254 by:0.0225 that:0.0196 for:0.0177 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.5863 to:0.1382 of:0.0530 will:0.0467 and:0.0427 is:0.0354 was:0.0288 would:0.0278 are:0.0209 had:0.0201 -:0.8651 and:0.0346 of:0.0277 the:0.0237 to:0.0159 in:0.0094 a:0.0092 or:0.0055 by:0.0045 from:0.0043 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.5974 of:0.1779 to:0.0650 and:0.0487 in:0.0325 are:0.0215 with:0.0153 is:0.0146 or:0.0137 at:0.0134 -:0.9615 city:0.0058 same:0.0047 state:0.0043 people:0.0043 land:0.0042 right:0.0041 country:0.0038 ground:0.0036 house:0.0036 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.7697 went:0.0508 had:0.0480 is:0.0286 was:0.0270 came:0.0208 began:0.0189 seemed:0.0146 ought:0.0119 has:0.0097 -they:0.1792 :0.4061 we:0.1261 it:0.0884 he:0.0858 you:0.0440 there:0.0205 she:0.0204 that:0.0181 well:0.0113 -:0.7701 and:0.0690 as:0.0405 that:0.0375 of:0.0271 but:0.0185 is:0.0122 where:0.0097 which:0.0082 when:0.0071 -:0.6809 to:0.1515 will:0.0458 and:0.0360 would:0.0196 of:0.0165 is:0.0128 shall:0.0124 can:0.0124 the:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7914 the:0.0475 a:0.0445 to:0.0385 and:0.0267 of:0.0203 was:0.0084 is:0.0082 in:0.0075 for:0.0070 -:0.7901 who:0.0393 they:0.0271 it:0.0266 that:0.0266 he:0.0219 and:0.0192 we:0.0172 which:0.0169 as:0.0151 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.2918 a:0.1601 :0.4239 any:0.0337 no:0.0213 this:0.0182 his:0.0147 every:0.0134 tho:0.0119 some:0.0111 -:0.8881 the:0.0221 home:0.0166 oclock:0.0148 him:0.0134 hand:0.0123 it:0.0123 all:0.0090 them:0.0057 once:0.0056 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9496 and:0.0101 in:0.0096 it:0.0071 to:0.0049 that:0.0044 up:0.0044 out:0.0035 him:0.0033 here:0.0031 -be:0.4026 he:0.1580 :0.2902 have:0.0577 not:0.0306 bo:0.0176 it:0.0142 they:0.0108 lie:0.0104 we:0.0079 -:0.5779 the:0.1203 of:0.0991 a:0.0890 and:0.0304 in:0.0216 to:0.0189 or:0.0177 for:0.0131 that:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7925 of:0.0572 to:0.0345 and:0.0314 in:0.0199 that:0.0167 by:0.0126 at:0.0121 for:0.0119 with:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7425 of:0.1356 and:0.0311 hundred:0.0199 to:0.0192 or:0.0156 in:0.0120 the:0.0085 is:0.0083 that:0.0074 -:0.6284 the:0.0886 of:0.0652 and:0.0640 was:0.0325 to:0.0315 is:0.0275 a:0.0271 in:0.0237 at:0.0114 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8176 and:0.0534 the:0.0261 is:0.0228 to:0.0198 of:0.0185 was:0.0153 not:0.0097 or:0.0085 are:0.0083 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -:0.6049 to:0.0947 the:0.0732 of:0.0693 and:0.0484 in:0.0330 that:0.0300 for:0.0190 a:0.0146 by:0.0129 -have:0.6539 :0.2466 be:0.0440 the:0.0167 having:0.0114 do:0.0080 had:0.0063 havo:0.0052 has:0.0045 say:0.0035 -:0.6491 the:0.1648 a:0.0655 and:0.0309 of:0.0291 to:0.0144 is:0.0134 be:0.0124 was:0.0104 in:0.0103 -:0.7059 to:0.0749 and:0.0483 of:0.0415 the:0.0402 in:0.0296 for:0.0160 that:0.0159 be:0.0146 by:0.0131 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8471 and:0.0352 to:0.0298 the:0.0212 of:0.0186 a:0.0152 that:0.0106 it:0.0094 was:0.0065 for:0.0063 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8264 and:0.0492 to:0.0384 of:0.0294 the:0.0157 in:0.0114 a:0.0077 at:0.0074 is:0.0074 as:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2940 :0.5781 a:0.0400 his:0.0203 tho:0.0157 it:0.0122 an:0.0108 their:0.0102 this:0.0094 all:0.0092 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.5714 been:0.1432 a:0.0652 no:0.0507 not:0.0486 the:0.0445 to:0.0222 any:0.0220 some:0.0192 an:0.0132 -of:0.2285 :0.3932 in:0.0812 to:0.0746 by:0.0491 on:0.0470 for:0.0384 and:0.0311 with:0.0309 at:0.0259 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6899 the:0.0900 a:0.0565 of:0.0490 and:0.0338 to:0.0261 is:0.0157 in:0.0156 for:0.0121 was:0.0113 -:0.6948 of:0.0726 to:0.0455 the:0.0367 and:0.0362 in:0.0292 that:0.0263 for:0.0223 a:0.0201 by:0.0164 -not:0.5892 :0.3462 be:0.0313 he:0.0065 two:0.0057 the:0.0053 much:0.0043 as:0.0039 bo:0.0039 more:0.0038 -a:0.1824 the:0.1713 any:0.0454 an:0.0195 :0.5183 some:0.0143 no:0.0131 per:0.0129 his:0.0116 every:0.0114 -been:0.2010 :0.5929 a:0.0610 no:0.0490 the:0.0465 not:0.0135 his:0.0122 done:0.0094 an:0.0075 their:0.0070 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6780 of:0.1309 and:0.0523 to:0.0380 the:0.0331 in:0.0212 or:0.0157 that:0.0113 a:0.0099 for:0.0097 -be:0.2747 :0.5648 the:0.0456 not:0.0267 he:0.0181 a:0.0178 to:0.0156 bo:0.0148 have:0.0121 it:0.0099 -:0.8770 and:0.0337 it:0.0169 that:0.0128 up:0.0119 out:0.0105 to:0.0102 is:0.0095 was:0.0094 are:0.0081 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9210 chance:0.0117 visit:0.0108 right:0.0097 time:0.0090 desire:0.0088 year:0.0081 man:0.0073 letter:0.0069 return:0.0067 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.7046 as:0.0859 and:0.0418 the:0.0411 of:0.0299 is:0.0280 was:0.0194 in:0.0192 to:0.0174 or:0.0126 -the:0.3681 :0.5070 tho:0.0291 his:0.0231 a:0.0178 this:0.0152 their:0.0121 our:0.0113 tbe:0.0085 which:0.0077 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9585 and:0.0100 home:0.0084 interest:0.0043 house:0.0037 work:0.0035 out:0.0030 way:0.0030 place:0.0029 time:0.0028 -:0.7850 and:0.0629 to:0.0431 that:0.0320 of:0.0239 but:0.0170 as:0.0108 at:0.0088 or:0.0084 days:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8825 the:0.0312 a:0.0194 real:0.0125 great:0.0116 last:0.0098 very:0.0091 other:0.0082 of:0.0080 old:0.0077 -:0.7305 of:0.0871 and:0.0743 to:0.0263 in:0.0184 the:0.0163 is:0.0128 for:0.0120 was:0.0116 or:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6667 to:0.1410 of:0.0506 the:0.0400 and:0.0285 a:0.0262 in:0.0220 will:0.0109 with:0.0075 for:0.0067 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6562 to:0.0986 and:0.0929 of:0.0565 the:0.0266 in:0.0240 for:0.0134 or:0.0129 by:0.0098 at:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.6354 of:0.0702 and:0.0656 to:0.0639 the:0.0550 that:0.0336 in:0.0299 a:0.0165 for:0.0150 by:0.0148 -:0.8164 and:0.0541 is:0.0300 was:0.0278 the:0.0236 as:0.0112 to:0.0108 of:0.0099 are:0.0082 had:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6120 in:0.0611 with:0.0602 to:0.0586 by:0.0467 for:0.0441 of:0.0432 that:0.0331 and:0.0222 on:0.0188 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6973 is:0.0916 was:0.0494 to:0.0491 and:0.0284 will:0.0228 would:0.0225 may:0.0137 as:0.0135 in:0.0118 -:0.8887 it:0.0313 is:0.0190 he:0.0145 the:0.0117 was:0.0091 and:0.0076 are:0.0071 all:0.0060 there:0.0050 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6120 to:0.1093 of:0.0793 and:0.0448 the:0.0395 a:0.0363 in:0.0301 for:0.0233 by:0.0128 at:0.0127 -:0.8273 and:0.0395 of:0.0297 the:0.0287 to:0.0168 is:0.0148 in:0.0145 a:0.0116 was:0.0094 for:0.0076 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8345 of:0.0393 and:0.0324 the:0.0221 to:0.0200 in:0.0135 that:0.0117 a:0.0109 at:0.0081 by:0.0075 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.7771 the:0.0623 a:0.0330 and:0.0288 of:0.0269 to:0.0202 is:0.0165 was:0.0143 in:0.0108 for:0.0101 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7377 of:0.0499 to:0.0451 and:0.0437 the:0.0292 in:0.0249 was:0.0187 a:0.0178 is:0.0177 for:0.0153 -:0.5838 to:0.1455 the:0.0576 by:0.0403 of:0.0365 in:0.0359 a:0.0308 and:0.0235 at:0.0234 for:0.0227 -:0.8181 of:0.0461 and:0.0299 the:0.0286 to:0.0241 in:0.0150 a:0.0122 that:0.0105 as:0.0078 by:0.0077 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8074 the:0.0373 not:0.0282 of:0.0224 to:0.0210 and:0.0203 in:0.0191 be:0.0160 a:0.0152 at:0.0132 -:0.6555 the:0.0921 to:0.0838 in:0.0371 and:0.0324 by:0.0235 a:0.0228 of:0.0219 that:0.0163 at:0.0146 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8320 the:0.0495 to:0.0245 a:0.0221 and:0.0187 in:0.0163 of:0.0112 be:0.0093 that:0.0088 have:0.0075 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.5368 of:0.0994 is:0.0940 in:0.0591 was:0.0568 to:0.0377 for:0.0370 and:0.0306 as:0.0256 with:0.0229 -the:0.0424 :0.8625 be:0.0234 have:0.0126 a:0.0110 in:0.0108 his:0.0106 tho:0.0094 by:0.0088 that:0.0085 -:0.9017 and:0.0199 the:0.0163 to:0.0150 he:0.0093 is:0.0092 it:0.0090 a:0.0081 was:0.0063 in:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6427 to:0.0941 of:0.0698 and:0.0595 that:0.0360 in:0.0332 the:0.0199 for:0.0185 by:0.0140 as:0.0122 -to:0.2285 of:0.1320 :0.4379 and:0.0820 will:0.0368 or:0.0208 should:0.0185 can:0.0150 shall:0.0143 is:0.0143 -:0.9292 own:0.0230 the:0.0088 said:0.0066 right:0.0060 very:0.0054 hand:0.0054 wife:0.0054 public:0.0053 old:0.0049 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.5397 to:0.1264 a:0.0762 of:0.0705 the:0.0680 in:0.0386 and:0.0238 by:0.0210 at:0.0192 his:0.0166 -of:0.0864 :0.7371 to:0.0634 and:0.0274 in:0.0227 for:0.0161 at:0.0131 that:0.0118 on:0.0113 from:0.0106 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.9506 it:0.0087 him:0.0080 far:0.0068 long:0.0056 known:0.0048 just:0.0043 described:0.0038 them:0.0038 me:0.0035 -:0.5177 of:0.1228 to:0.1080 and:0.0853 in:0.0440 the:0.0367 for:0.0295 or:0.0230 by:0.0177 a:0.0153 -:0.7617 and:0.0457 was:0.0398 is:0.0358 the:0.0326 to:0.0287 of:0.0151 will:0.0150 a:0.0133 had:0.0124 -:0.6146 to:0.0611 in:0.0567 for:0.0465 is:0.0422 and:0.0394 as:0.0386 with:0.0350 of:0.0339 by:0.0319 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -of:0.1949 :0.4813 and:0.1042 to:0.0754 in:0.0285 that:0.0278 the:0.0270 for:0.0254 by:0.0187 as:0.0168 -:0.7874 and:0.0766 is:0.0336 was:0.0247 to:0.0242 are:0.0121 be:0.0115 of:0.0102 has:0.0099 the:0.0098 -of:0.5156 :0.2418 and:0.0676 to:0.0454 in:0.0415 at:0.0233 with:0.0182 for:0.0166 on:0.0160 from:0.0141 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8442 the:0.0496 a:0.0359 and:0.0182 to:0.0100 is:0.0099 was:0.0090 are:0.0083 be:0.0075 one:0.0074 -:0.8396 of:0.0633 and:0.0347 the:0.0143 in:0.0128 that:0.0091 or:0.0081 at:0.0061 to:0.0061 for:0.0060 -:0.6925 the:0.1682 and:0.0339 a:0.0328 of:0.0160 this:0.0156 that:0.0135 his:0.0119 tho:0.0081 any:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -the:0.2748 :0.5174 a:0.0720 of:0.0455 and:0.0215 his:0.0170 this:0.0146 in:0.0130 to:0.0128 tho:0.0115 -:0.8853 the:0.0257 to:0.0162 he:0.0144 and:0.0143 a:0.0117 that:0.0098 be:0.0087 other:0.0073 of:0.0065 -:0.8815 the:0.0264 to:0.0173 and:0.0151 other:0.0129 three:0.0105 one:0.0095 two:0.0094 more:0.0094 any:0.0080 -:0.8759 as:0.0244 for:0.0172 and:0.0163 to:0.0161 that:0.0130 of:0.0114 in:0.0107 from:0.0080 with:0.0072 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9355 own:0.0185 wife:0.0121 hundred:0.0061 hands:0.0055 way:0.0051 old:0.0046 office:0.0045 life:0.0045 years:0.0037 -:0.9034 young:0.0151 same:0.0145 whole:0.0120 first:0.0119 said:0.0108 best:0.0095 other:0.0078 last:0.0077 th:0.0072 -:0.5823 of:0.1989 and:0.0565 to:0.0488 in:0.0324 the:0.0178 for:0.0176 is:0.0157 are:0.0154 that:0.0147 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -the:0.1941 :0.6767 a:0.0568 this:0.0133 of:0.0126 tho:0.0105 and:0.0105 one:0.0092 his:0.0087 any:0.0075 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6980 of:0.1061 and:0.0421 to:0.0396 in:0.0374 the:0.0238 for:0.0142 at:0.0138 that:0.0135 or:0.0115 -:0.7198 of:0.0808 and:0.0625 in:0.0449 at:0.0243 to:0.0184 on:0.0130 from:0.0127 is:0.0122 for:0.0112 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6098 of:0.1129 to:0.0778 and:0.0731 in:0.0358 the:0.0293 for:0.0202 from:0.0155 with:0.0131 or:0.0124 -:0.9329 year:0.0135 man:0.0100 day:0.0079 bill:0.0073 time:0.0070 matter:0.0068 point:0.0058 word:0.0048 part:0.0040 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7490 that:0.0632 which:0.0626 it:0.0259 the:0.0200 all:0.0199 once:0.0178 oclock:0.0167 least:0.0130 as:0.0118 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -of:0.2672 :0.3397 to:0.1266 in:0.0859 for:0.0378 and:0.0357 with:0.0343 on:0.0259 from:0.0245 by:0.0225 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -of:0.4621 :0.2737 in:0.0660 to:0.0555 and:0.0334 for:0.0306 from:0.0252 on:0.0216 at:0.0160 with:0.0158 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.6694 to:0.0751 in:0.0507 of:0.0373 by:0.0361 and:0.0341 with:0.0266 that:0.0264 from:0.0235 for:0.0208 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -the:0.3754 :0.4463 tho:0.0387 a:0.0297 his:0.0246 this:0.0240 our:0.0193 their:0.0166 said:0.0133 these:0.0120 -to:0.2290 :0.5460 a:0.0549 or:0.0280 be:0.0278 and:0.0277 the:0.0262 not:0.0247 of:0.0226 he:0.0131 -:0.8765 day:0.0284 part:0.0208 line:0.0144 side:0.0117 one:0.0108 sort:0.0101 portion:0.0101 number:0.0094 member:0.0078 -:0.8264 and:0.0492 to:0.0384 of:0.0294 the:0.0157 in:0.0114 a:0.0077 at:0.0074 is:0.0074 as:0.0071 -:0.9359 same:0.0170 first:0.0090 most:0.0074 great:0.0060 the:0.0057 last:0.0054 next:0.0047 said:0.0046 whole:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7464 that:0.0632 to:0.0377 in:0.0314 of:0.0306 and:0.0242 at:0.0193 as:0.0167 for:0.0160 much:0.0146 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.6142 of:0.1955 and:0.0635 the:0.0284 in:0.0260 to:0.0222 for:0.0144 with:0.0124 or:0.0124 on:0.0110 -:0.7524 the:0.0874 a:0.0589 and:0.0202 this:0.0202 to:0.0182 of:0.0124 any:0.0120 that:0.0097 his:0.0085 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.9572 right:0.0065 time:0.0061 and:0.0052 order:0.0052 power:0.0044 return:0.0042 it:0.0038 as:0.0038 feet:0.0036 -:0.5617 that:0.1060 and:0.0766 as:0.0763 of:0.0405 where:0.0299 if:0.0298 but:0.0275 when:0.0274 which:0.0243 -of:0.1628 :0.3952 to:0.1310 in:0.0567 for:0.0505 as:0.0497 and:0.0471 at:0.0379 with:0.0357 that:0.0334 -:0.9413 and:0.0108 to:0.0079 one:0.0076 more:0.0075 or:0.0061 that:0.0056 it:0.0053 two:0.0046 the:0.0034 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -the:0.2819 a:0.1278 :0.4463 his:0.0432 their:0.0265 this:0.0155 an:0.0154 any:0.0153 tho:0.0141 our:0.0138 -:0.7192 the:0.1224 to:0.0374 a:0.0351 his:0.0184 it:0.0169 which:0.0166 and:0.0116 that:0.0114 their:0.0110 -:0.7778 it:0.0787 and:0.0329 there:0.0232 who:0.0194 is:0.0160 that:0.0153 he:0.0138 was:0.0117 which:0.0111 -:0.7771 of:0.0721 and:0.0479 to:0.0246 in:0.0166 have:0.0163 is:0.0144 or:0.0115 was:0.0103 for:0.0093 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.9101 and:0.0155 that:0.0152 it:0.0114 men:0.0101 which:0.0098 as:0.0079 they:0.0075 of:0.0066 one:0.0060 -the:0.3120 :0.4771 a:0.1117 of:0.0234 his:0.0162 and:0.0137 this:0.0134 tho:0.0129 to:0.0119 any:0.0077 -:0.7631 of:0.0630 and:0.0449 to:0.0405 in:0.0271 the:0.0224 for:0.0115 a:0.0101 that:0.0090 is:0.0085 -:0.7871 to:0.0568 and:0.0468 is:0.0217 of:0.0216 was:0.0167 in:0.0150 with:0.0127 will:0.0115 for:0.0101 -:0.7501 the:0.0500 and:0.0436 to:0.0425 in:0.0340 of:0.0253 that:0.0150 a:0.0135 for:0.0130 by:0.0129 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6779 to:0.1457 and:0.0762 the:0.0329 as:0.0127 he:0.0119 of:0.0119 is:0.0107 a:0.0100 who:0.0100 -:0.6319 of:0.1204 to:0.0782 the:0.0499 and:0.0379 in:0.0347 a:0.0185 for:0.0108 that:0.0096 with:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.3586 :0.4237 and:0.0606 to:0.0471 in:0.0276 the:0.0196 or:0.0190 that:0.0174 for:0.0151 with:0.0113 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9426 city:0.0085 time:0.0075 same:0.0075 bill:0.0063 country:0.0063 case:0.0059 matter:0.0053 world:0.0052 result:0.0050 -the:0.4151 :0.4129 a:0.0415 this:0.0370 tho:0.0281 his:0.0182 their:0.0136 our:0.0118 tbe:0.0114 said:0.0105 -:0.5656 of:0.1706 to:0.0761 and:0.0754 in:0.0344 for:0.0191 at:0.0163 is:0.0151 the:0.0150 or:0.0125 -:0.8406 filled:0.0295 charged:0.0263 covered:0.0211 made:0.0156 connected:0.0146 paid:0.0135 held:0.0134 sold:0.0128 complied:0.0127 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.9005 the:0.0210 and:0.0190 of:0.0156 a:0.0105 to:0.0102 that:0.0069 have:0.0057 had:0.0054 in:0.0052 -:0.8972 very:0.0205 good:0.0174 great:0.0128 little:0.0118 large:0.0097 certain:0.0096 few:0.0080 long:0.0071 a:0.0059 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.8939 and:0.0312 to:0.0155 of:0.0112 a:0.0111 was:0.0081 is:0.0078 he:0.0076 the:0.0068 be:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7840 is:0.0321 was:0.0314 and:0.0313 has:0.0271 to:0.0229 have:0.0208 had:0.0192 will:0.0166 he:0.0147 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5781 the:0.1242 to:0.0653 that:0.0524 and:0.0438 of:0.0422 a:0.0383 in:0.0288 for:0.0145 by:0.0122 -:0.9542 time:0.0078 people:0.0071 best:0.0070 said:0.0046 same:0.0042 city:0.0042 most:0.0037 world:0.0036 first:0.0036 -:0.6456 of:0.0792 and:0.0719 the:0.0486 is:0.0376 was:0.0326 that:0.0243 as:0.0216 he:0.0207 in:0.0179 -:0.7753 the:0.0849 a:0.0627 and:0.0192 of:0.0132 to:0.0131 one:0.0102 in:0.0094 for:0.0066 or:0.0055 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.8062 favor:0.0513 one:0.0301 spite:0.0262 order:0.0217 front:0.0152 behalf:0.0145 some:0.0123 view:0.0119 all:0.0107 -:0.5042 will:0.1315 to:0.1063 shall:0.0640 should:0.0454 would:0.0427 may:0.0412 can:0.0264 must:0.0209 we:0.0175 -:0.7349 and:0.0768 of:0.0749 to:0.0329 in:0.0196 for:0.0169 as:0.0124 the:0.0122 from:0.0097 or:0.0097 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8204 and:0.0444 the:0.0395 to:0.0210 of:0.0203 that:0.0138 a:0.0130 in:0.0107 he:0.0090 it:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5280 of:0.1377 the:0.0719 to:0.0715 and:0.0560 a:0.0387 in:0.0281 that:0.0266 for:0.0234 or:0.0180 -:0.9401 and:0.0230 is:0.0083 are:0.0057 out:0.0043 years:0.0040 up:0.0039 but:0.0038 of:0.0034 was:0.0034 -:0.5713 and:0.1461 of:0.1127 that:0.0341 in:0.0301 for:0.0245 to:0.0222 but:0.0212 as:0.0210 from:0.0169 -of:0.3350 :0.3247 to:0.0680 in:0.0631 and:0.0508 for:0.0469 on:0.0312 from:0.0298 with:0.0279 by:0.0226 -:0.7636 of:0.0633 and:0.0454 to:0.0415 the:0.0225 in:0.0211 that:0.0126 on:0.0102 with:0.0099 for:0.0099 -:0.8081 of:0.0392 and:0.0361 to:0.0358 in:0.0193 the:0.0182 that:0.0134 for:0.0121 by:0.0105 from:0.0073 -:0.7820 it:0.0641 who:0.0356 and:0.0325 there:0.0214 which:0.0206 that:0.0160 he:0.0132 to:0.0076 but:0.0071 -:0.6807 the:0.1487 a:0.0689 of:0.0330 and:0.0289 in:0.0102 this:0.0080 for:0.0077 by:0.0070 his:0.0070 -:0.5760 of:0.1657 to:0.0730 and:0.0688 in:0.0332 for:0.0197 the:0.0191 by:0.0172 with:0.0154 at:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.1948 :0.4656 to:0.1252 a:0.1057 well:0.0212 not:0.0202 much:0.0201 an:0.0162 no:0.0161 hereby:0.0149 -:0.6627 of:0.1115 to:0.0674 and:0.0596 the:0.0283 in:0.0235 he:0.0135 a:0.0126 for:0.0110 that:0.0098 -:0.7354 it:0.0629 and:0.0528 he:0.0424 which:0.0302 to:0.0226 there:0.0203 that:0.0119 who:0.0108 but:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6724 the:0.1003 a:0.0793 of:0.0544 and:0.0290 it:0.0140 in:0.0135 his:0.0133 for:0.0126 to:0.0113 -:0.9063 hour:0.0355 side:0.0107 end:0.0087 day:0.0086 act:0.0078 office:0.0074 amount:0.0060 part:0.0048 opportunity:0.0043 -to:0.1612 and:0.0823 :0.6624 was:0.0173 of:0.0170 is:0.0128 or:0.0120 as:0.0120 in:0.0118 for:0.0112 -:0.7949 been:0.0842 done:0.0272 made:0.0228 seen:0.0221 come:0.0112 taken:0.0108 them:0.0103 it:0.0084 gone:0.0082 -:0.6124 to:0.1170 of:0.1142 and:0.0467 in:0.0341 the:0.0212 for:0.0169 by:0.0148 with:0.0115 was:0.0113 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9244 one:0.0192 sale:0.0102 all:0.0089 thousands:0.0073 virtue:0.0064 those:0.0064 each:0.0062 course:0.0057 some:0.0053 -:0.9221 as:0.0198 and:0.0116 is:0.0111 according:0.0079 feet:0.0071 came:0.0060 due:0.0051 enough:0.0048 went:0.0045 -:0.7783 the:0.0903 of:0.0311 and:0.0298 to:0.0182 was:0.0115 is:0.0110 in:0.0103 be:0.0098 a:0.0096 -:0.9212 to:0.0197 and:0.0197 is:0.0083 or:0.0068 of:0.0061 in:0.0061 was:0.0052 are:0.0036 out:0.0034 -:0.5943 of:0.1011 and:0.0843 to:0.0778 in:0.0448 for:0.0262 the:0.0217 as:0.0179 that:0.0173 or:0.0146 -the:0.0836 :0.7346 he:0.0357 we:0.0262 you:0.0258 they:0.0250 it:0.0227 a:0.0195 this:0.0141 those:0.0129 -:0.8002 of:0.0827 and:0.0418 to:0.0209 in:0.0138 the:0.0105 for:0.0093 or:0.0074 on:0.0070 that:0.0065 -:0.7987 be:0.0659 go:0.0282 have:0.0247 not:0.0209 come:0.0194 seem:0.0140 continue:0.0116 fail:0.0089 add:0.0078 -:0.7224 the:0.0757 a:0.0410 in:0.0354 to:0.0322 for:0.0210 and:0.0206 that:0.0195 of:0.0176 no:0.0144 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -the:0.2383 a:0.0790 his:0.0252 their:0.0171 :0.5763 its:0.0145 an:0.0140 tho:0.0132 our:0.0115 my:0.0109 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5104 the:0.1884 a:0.1392 of:0.0695 and:0.0308 his:0.0184 that:0.0125 this:0.0105 in:0.0102 for:0.0100 -:0.7840 the:0.0666 of:0.0386 and:0.0263 a:0.0186 to:0.0186 or:0.0148 is:0.0113 be:0.0112 was:0.0100 -of:0.4000 :0.3544 and:0.0797 to:0.0358 in:0.0257 is:0.0229 who:0.0210 or:0.0208 for:0.0203 was:0.0194 -:0.4920 to:0.1256 of:0.0732 in:0.0690 by:0.0602 that:0.0443 for:0.0418 from:0.0347 with:0.0326 on:0.0267 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.8206 the:0.0889 a:0.0308 he:0.0114 and:0.0100 an:0.0084 his:0.0080 that:0.0074 it:0.0074 of:0.0071 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8735 made:0.0303 taken:0.0203 received:0.0180 paid:0.0107 done:0.0107 away:0.0097 passed:0.0096 up:0.0094 brought:0.0077 -:0.8466 and:0.0337 the:0.0319 to:0.0226 of:0.0158 not:0.0126 was:0.0104 will:0.0090 is:0.0088 a:0.0088 -:0.4110 the:0.1909 of:0.1863 a:0.0769 and:0.0631 to:0.0259 in:0.0192 his:0.0101 are:0.0086 or:0.0081 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7475 he:0.0587 a:0.0573 it:0.0425 the:0.0401 they:0.0118 one:0.0115 she:0.0113 that:0.0107 an:0.0085 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6209 of:0.1877 and:0.0583 the:0.0377 in:0.0272 to:0.0226 by:0.0126 with:0.0117 for:0.0113 that:0.0100 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.6286 is:0.1308 are:0.0868 was:0.0695 were:0.0456 and:0.0156 will:0.0074 be:0.0068 had:0.0044 it:0.0044 -:0.8860 we:0.0212 and:0.0157 they:0.0156 it:0.0135 who:0.0117 is:0.0108 that:0.0096 he:0.0088 as:0.0072 -:0.8308 and:0.0617 of:0.0373 in:0.0146 to:0.0143 the:0.0113 for:0.0088 is:0.0085 from:0.0066 was:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.8647 great:0.0213 good:0.0195 few:0.0175 little:0.0164 very:0.0162 large:0.0119 certain:0.0115 the:0.0113 a:0.0097 -:0.8428 so:0.0373 not:0.0233 said:0.0158 given:0.0143 believed:0.0142 true:0.0137 now:0.0134 declared:0.0127 understood:0.0126 -:0.6590 of:0.0840 a:0.0709 the:0.0575 and:0.0325 to:0.0304 in:0.0229 for:0.0148 by:0.0144 with:0.0137 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6636 to:0.0749 in:0.0716 of:0.0322 that:0.0302 been:0.0275 by:0.0273 on:0.0272 at:0.0255 all:0.0200 -:0.7469 the:0.0641 of:0.0513 and:0.0502 to:0.0224 a:0.0190 in:0.0159 from:0.0101 for:0.0101 as:0.0100 -:0.8818 and:0.0476 of:0.0156 the:0.0104 was:0.0089 that:0.0082 in:0.0081 is:0.0078 as:0.0059 with:0.0057 -:0.7777 and:0.0521 to:0.0427 of:0.0294 the:0.0267 in:0.0187 was:0.0158 is:0.0152 as:0.0118 for:0.0098 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8382 had:0.0534 was:0.0311 has:0.0187 in:0.0148 is:0.0105 to:0.0095 and:0.0086 would:0.0081 of:0.0069 -of:0.3295 :0.3417 to:0.0809 in:0.0723 on:0.0432 for:0.0369 and:0.0260 by:0.0243 from:0.0231 with:0.0220 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9041 who:0.0148 and:0.0142 one:0.0117 week:0.0113 of:0.0106 is:0.0096 year:0.0088 night:0.0081 two:0.0070 -the:0.2174 :0.6094 a:0.0853 he:0.0204 tho:0.0139 is:0.0120 it:0.0118 any:0.0111 this:0.0096 an:0.0092 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8810 the:0.0207 is:0.0183 and:0.0173 be:0.0164 was:0.0143 a:0.0107 are:0.0086 have:0.0073 had:0.0054 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.5819 the:0.1742 his:0.0770 a:0.0653 this:0.0258 their:0.0213 one:0.0186 her:0.0132 that:0.0121 its:0.0105 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.4742 of:0.2008 in:0.0803 to:0.0566 for:0.0382 that:0.0355 and:0.0313 on:0.0296 by:0.0288 at:0.0246 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -:0.8539 to:0.0327 of:0.0300 and:0.0267 the:0.0162 in:0.0123 for:0.0076 on:0.0072 that:0.0067 or:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8940 and:0.0272 the:0.0156 to:0.0129 of:0.0114 is:0.0104 as:0.0083 that:0.0071 in:0.0066 was:0.0064 -:0.6597 the:0.0590 of:0.0552 to:0.0474 is:0.0423 and:0.0386 in:0.0306 was:0.0289 will:0.0196 are:0.0187 -:0.8585 and:0.0520 as:0.0145 that:0.0128 of:0.0124 but:0.0110 it:0.0102 out:0.0099 up:0.0095 him:0.0093 -:0.8927 and:0.0266 to:0.0195 out:0.0121 as:0.0099 that:0.0095 up:0.0093 made:0.0071 it:0.0068 in:0.0064 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.7754 and:0.0462 of:0.0418 the:0.0333 to:0.0258 in:0.0204 was:0.0156 is:0.0154 as:0.0145 that:0.0115 -:0.5776 the:0.2827 a:0.0538 tho:0.0200 this:0.0180 his:0.0138 one:0.0091 said:0.0087 such:0.0082 their:0.0081 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8693 the:0.0349 to:0.0183 a:0.0143 that:0.0124 and:0.0121 he:0.0108 in:0.0101 of:0.0093 be:0.0084 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9037 doubt:0.0388 time:0.0146 vote:0.0073 reason:0.0068 more:0.0063 matter:0.0061 work:0.0056 day:0.0056 place:0.0053 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -:0.8517 and:0.0353 that:0.0238 he:0.0210 the:0.0147 which:0.0144 it:0.0108 of:0.0098 they:0.0095 as:0.0090 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7543 the:0.0573 and:0.0463 is:0.0308 was:0.0287 a:0.0212 of:0.0208 in:0.0150 to:0.0137 has:0.0118 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7275 of:0.0942 to:0.0613 and:0.0500 in:0.0194 at:0.0112 for:0.0107 on:0.0091 the:0.0091 by:0.0074 -to:0.3873 :0.4944 and:0.0501 that:0.0128 as:0.0107 will:0.0101 or:0.0091 but:0.0086 is:0.0086 of:0.0083 -:0.4777 he:0.1579 it:0.1102 they:0.0933 we:0.0513 there:0.0299 you:0.0273 that:0.0187 and:0.0176 she:0.0162 -:0.6636 to:0.0749 in:0.0716 of:0.0322 that:0.0302 been:0.0275 by:0.0273 on:0.0272 at:0.0255 all:0.0200 -the:0.3119 :0.5375 a:0.0582 this:0.0189 tho:0.0154 any:0.0137 its:0.0119 their:0.0116 said:0.0110 all:0.0098 -:0.7714 the:0.0493 and:0.0478 of:0.0293 a:0.0258 to:0.0192 that:0.0178 was:0.0141 for:0.0135 be:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5829 to:0.1383 and:0.0589 of:0.0583 in:0.0447 the:0.0360 a:0.0230 for:0.0214 by:0.0187 with:0.0178 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8694 side:0.0277 part:0.0204 line:0.0185 one:0.0176 day:0.0121 amount:0.0109 way:0.0089 parts:0.0074 kind:0.0071 -:0.8285 it:0.0775 there:0.0279 he:0.0160 and:0.0127 that:0.0123 which:0.0085 who:0.0072 is:0.0047 as:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7241 of:0.0811 and:0.0720 to:0.0298 in:0.0255 for:0.0143 was:0.0141 or:0.0139 that:0.0128 is:0.0125 -:0.8830 fact:0.0611 said:0.0128 belief:0.0088 time:0.0075 world:0.0070 city:0.0056 opinion:0.0053 same:0.0048 year:0.0041 -:0.9559 made:0.0082 born:0.0057 it:0.0050 a:0.0048 done:0.0048 not:0.0042 killed:0.0039 taken:0.0038 the:0.0038 -:0.7823 of:0.0572 and:0.0544 to:0.0476 in:0.0146 for:0.0131 or:0.0100 from:0.0085 that:0.0067 on:0.0055 -of:0.2941 :0.4608 in:0.0586 and:0.0387 for:0.0337 to:0.0296 from:0.0221 at:0.0216 on:0.0208 by:0.0200 -:0.7845 the:0.0605 of:0.0322 and:0.0268 to:0.0234 in:0.0195 a:0.0170 which:0.0148 that:0.0122 for:0.0089 -:0.6095 the:0.1197 a:0.0747 of:0.0721 to:0.0321 and:0.0299 in:0.0217 for:0.0153 at:0.0130 by:0.0121 -:0.6709 to:0.1084 the:0.0869 and:0.0297 a:0.0238 in:0.0216 of:0.0213 for:0.0167 any:0.0111 with:0.0095 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.8475 he:0.0307 and:0.0231 to:0.0203 a:0.0198 the:0.0180 it:0.0160 one:0.0085 you:0.0082 is:0.0079 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7621 the:0.0990 a:0.0398 and:0.0336 of:0.0183 that:0.0152 this:0.0086 as:0.0083 his:0.0083 to:0.0068 -:0.6223 of:0.1180 to:0.1039 and:0.0521 in:0.0300 for:0.0198 that:0.0181 from:0.0135 as:0.0131 at:0.0091 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5219 of:0.1633 to:0.0805 the:0.0680 and:0.0445 in:0.0332 that:0.0326 a:0.0198 at:0.0193 for:0.0168 -:0.9045 it:0.0190 he:0.0178 there:0.0111 who:0.0111 and:0.0107 time:0.0087 man:0.0058 country:0.0057 way:0.0057 -:0.7426 of:0.0787 the:0.0457 and:0.0420 that:0.0202 in:0.0201 to:0.0165 or:0.0120 a:0.0115 which:0.0106 -be:0.4224 :0.4237 he:0.0404 bo:0.0240 not:0.0234 have:0.0223 it:0.0124 to:0.0123 the:0.0099 lie:0.0093 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9466 man:0.0129 year:0.0077 time:0.0057 connection:0.0053 bill:0.0052 candidate:0.0051 day:0.0043 week:0.0037 war:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7515 the:0.1029 a:0.0428 and:0.0313 this:0.0174 he:0.0153 his:0.0141 of:0.0086 it:0.0083 is:0.0077 -of:0.1465 :0.5775 and:0.0441 for:0.0438 the:0.0365 than:0.0352 in:0.0343 or:0.0287 as:0.0270 with:0.0264 -:0.8396 and:0.0526 of:0.0269 that:0.0156 is:0.0138 as:0.0128 was:0.0119 which:0.0097 the:0.0091 for:0.0080 -:0.8217 of:0.0471 and:0.0414 to:0.0207 in:0.0165 is:0.0149 the:0.0119 was:0.0114 or:0.0075 a:0.0068 -:0.7897 it:0.0704 there:0.0332 and:0.0313 which:0.0214 he:0.0143 that:0.0141 who:0.0128 but:0.0076 as:0.0053 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5764 of:0.1494 to:0.1218 and:0.0501 in:0.0311 for:0.0195 with:0.0161 by:0.0137 the:0.0112 from:0.0107 -:0.7304 the:0.1369 a:0.0283 he:0.0233 and:0.0173 in:0.0160 that:0.0124 to:0.0122 it:0.0121 his:0.0109 -:0.7929 of:0.0733 the:0.0404 and:0.0326 to:0.0121 in:0.0121 or:0.0109 a:0.0096 for:0.0083 that:0.0077 -:0.7322 of:0.0649 and:0.0594 the:0.0437 to:0.0369 in:0.0208 a:0.0156 for:0.0092 or:0.0089 on:0.0084 -:0.6917 the:0.1123 and:0.0518 to:0.0368 that:0.0286 it:0.0180 was:0.0170 he:0.0167 which:0.0143 a:0.0127 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6295 to:0.0945 that:0.0589 and:0.0549 as:0.0443 of:0.0388 with:0.0223 in:0.0199 for:0.0189 which:0.0181 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9599 city:0.0058 people:0.0056 land:0.0053 work:0.0048 county:0.0040 country:0.0038 law:0.0037 bill:0.0036 right:0.0035 -be:0.1995 :0.6021 the:0.0755 a:0.0453 have:0.0166 make:0.0144 bo:0.0131 do:0.0125 get:0.0118 take:0.0093 -:0.6298 the:0.1223 was:0.0494 is:0.0491 and:0.0446 a:0.0289 of:0.0287 be:0.0209 has:0.0140 had:0.0123 -:0.6472 the:0.1994 a:0.0290 of:0.0256 in:0.0212 to:0.0195 that:0.0183 not:0.0143 and:0.0130 it:0.0125 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6891 the:0.0764 a:0.0518 and:0.0420 was:0.0294 is:0.0260 be:0.0250 to:0.0244 he:0.0205 his:0.0154 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -of:0.1934 :0.4363 to:0.0921 in:0.0711 by:0.0480 on:0.0373 for:0.0324 and:0.0316 that:0.0290 with:0.0289 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7385 the:0.0560 to:0.0504 and:0.0400 a:0.0336 of:0.0333 in:0.0173 he:0.0136 is:0.0087 or:0.0086 -:0.9192 and:0.0178 of:0.0173 the:0.0118 to:0.0091 in:0.0070 that:0.0068 for:0.0040 a:0.0036 at:0.0035 -:0.7018 the:0.0834 of:0.0423 and:0.0356 to:0.0354 a:0.0345 in:0.0260 that:0.0175 he:0.0123 it:0.0111 -is:0.2936 was:0.1579 :0.4088 as:0.0285 in:0.0235 with:0.0220 to:0.0193 for:0.0177 has:0.0174 of:0.0114 -:0.6799 the:0.1813 a:0.0439 and:0.0248 to:0.0183 this:0.0151 of:0.0111 tho:0.0088 is:0.0087 no:0.0082 -be:0.1341 :0.6404 not:0.0947 have:0.0288 come:0.0258 go:0.0206 get:0.0205 bo:0.0157 do:0.0098 take:0.0096 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6416 the:0.1358 a:0.0515 of:0.0458 and:0.0331 to:0.0277 his:0.0196 this:0.0170 in:0.0170 their:0.0109 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.5504 of:0.1388 the:0.0718 in:0.0667 and:0.0611 is:0.0346 at:0.0234 was:0.0231 that:0.0165 a:0.0138 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7448 the:0.0715 of:0.0373 to:0.0323 a:0.0314 and:0.0275 in:0.0198 by:0.0132 that:0.0114 for:0.0108 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.8564 to:0.0430 and:0.0413 the:0.0128 of:0.0117 is:0.0089 was:0.0087 will:0.0064 who:0.0060 that:0.0048 -:0.7618 the:0.0756 and:0.0390 a:0.0372 of:0.0241 be:0.0145 to:0.0138 was:0.0121 is:0.0120 he:0.0098 -:0.5219 of:0.1633 to:0.0805 the:0.0680 and:0.0445 in:0.0332 that:0.0326 a:0.0198 at:0.0193 for:0.0168 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -ndetermined:0.0006 cent:0.0006 npeared:0.0003 nbell:0.0003 nadams:0.0003 nspirit:0.0003 guidance:0.0003 1883:0.0003 063962:0.0003 evolution:0.0003 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -:0.7300 to:0.1494 in:0.0354 of:0.0227 the:0.0144 for:0.0126 as:0.0105 and:0.0105 by:0.0078 with:0.0067 -:0.5650 of:0.1694 to:0.0724 and:0.0624 in:0.0389 is:0.0231 the:0.0212 was:0.0169 for:0.0167 that:0.0140 -:0.6142 of:0.1955 and:0.0635 the:0.0284 in:0.0260 to:0.0222 for:0.0144 with:0.0124 or:0.0124 on:0.0110 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.9534 and:0.0099 it:0.0065 home:0.0059 time:0.0047 him:0.0043 man:0.0039 interest:0.0038 them:0.0038 one:0.0038 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.8845 and:0.0256 is:0.0160 years:0.0126 according:0.0120 or:0.0115 as:0.0102 of:0.0101 up:0.0100 months:0.0076 -:0.6643 the:0.0982 a:0.0703 of:0.0514 and:0.0383 his:0.0252 to:0.0151 he:0.0132 is:0.0122 in:0.0118 -:0.9633 it:0.0058 and:0.0052 to:0.0052 in:0.0050 that:0.0045 him:0.0033 up:0.0029 more:0.0025 well:0.0023 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7614 of:0.0714 to:0.0435 and:0.0342 in:0.0238 the:0.0193 for:0.0133 at:0.0112 on:0.0111 or:0.0109 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8494 the:0.0360 and:0.0275 of:0.0250 in:0.0160 to:0.0140 that:0.0089 a:0.0085 by:0.0078 at:0.0069 -:0.7266 of:0.0681 and:0.0568 to:0.0485 the:0.0321 in:0.0158 for:0.0150 that:0.0147 at:0.0114 by:0.0112 -of:0.2535 :0.3804 in:0.0678 to:0.0609 for:0.0534 that:0.0480 by:0.0468 at:0.0345 on:0.0277 with:0.0270 -:0.8430 to:0.0537 in:0.0163 and:0.0159 been:0.0148 a:0.0140 by:0.0124 the:0.0114 had:0.0092 of:0.0092 -:0.6811 the:0.1066 to:0.0472 a:0.0360 of:0.0313 and:0.0273 that:0.0224 in:0.0218 by:0.0156 for:0.0106 -:0.7382 it:0.1123 there:0.0702 he:0.0291 that:0.0159 which:0.0098 she:0.0076 who:0.0062 what:0.0057 the:0.0051 -:0.6819 of:0.1567 and:0.0553 to:0.0276 in:0.0241 for:0.0160 that:0.0107 at:0.0097 from:0.0095 or:0.0085 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -of:0.3065 :0.3552 in:0.0782 to:0.0604 on:0.0438 for:0.0400 by:0.0302 with:0.0291 from:0.0290 at:0.0275 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7077 to:0.0858 and:0.0759 of:0.0510 who:0.0191 which:0.0159 but:0.0133 that:0.0111 as:0.0102 it:0.0100 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7038 the:0.1432 a:0.0446 and:0.0362 of:0.0210 or:0.0117 two:0.0104 was:0.0101 to:0.0098 per:0.0092 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -be:0.1876 :0.6591 not:0.0436 to:0.0407 bo:0.0147 the:0.0130 get:0.0122 a:0.0120 also:0.0096 take:0.0074 -:0.5865 of:0.1152 and:0.0695 to:0.0556 the:0.0527 that:0.0304 in:0.0299 for:0.0205 by:0.0203 a:0.0194 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -:0.6737 to:0.1402 and:0.0774 of:0.0312 who:0.0194 as:0.0157 in:0.0130 that:0.0125 which:0.0088 or:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9345 mortgage:0.0248 day:0.0107 petition:0.0055 hundred:0.0047 men:0.0042 house:0.0042 city:0.0040 land:0.0037 man:0.0036 -:0.7069 and:0.0943 to:0.0931 is:0.0229 of:0.0218 was:0.0173 will:0.0133 the:0.0123 that:0.0092 as:0.0088 -:0.6309 the:0.1403 to:0.0539 of:0.0492 and:0.0263 a:0.0244 that:0.0242 in:0.0178 is:0.0169 was:0.0162 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6580 the:0.1264 to:0.0535 of:0.0490 and:0.0383 in:0.0242 a:0.0155 that:0.0127 by:0.0120 his:0.0104 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7628 of:0.1341 and:0.0298 in:0.0143 or:0.0137 the:0.0134 to:0.0089 for:0.0089 a:0.0080 on:0.0062 -:0.7077 the:0.1476 a:0.0394 of:0.0299 and:0.0213 his:0.0160 that:0.0104 with:0.0098 to:0.0090 this:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7596 of:0.0724 and:0.0505 the:0.0463 a:0.0154 in:0.0125 or:0.0125 that:0.0119 to:0.0112 at:0.0077 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8797 and:0.0237 to:0.0234 is:0.0149 was:0.0126 the:0.0125 of:0.0106 are:0.0086 or:0.0073 a:0.0068 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7246 and:0.0851 as:0.0474 that:0.0401 to:0.0298 but:0.0173 is:0.0172 of:0.0151 for:0.0122 was:0.0112 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2372 :0.5884 said:0.0296 his:0.0279 a:0.0270 this:0.0253 tho:0.0208 their:0.0188 its:0.0129 our:0.0122 -:0.6751 the:0.0822 a:0.0657 of:0.0638 to:0.0346 and:0.0289 in:0.0162 for:0.0139 his:0.0114 by:0.0080 -the:0.3120 a:0.1623 :0.3965 his:0.0239 this:0.0226 their:0.0218 an:0.0170 that:0.0168 any:0.0138 her:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7438 to:0.0544 a:0.0428 and:0.0388 of:0.0292 will:0.0240 the:0.0226 would:0.0170 not:0.0143 so:0.0131 -:0.7745 of:0.0578 the:0.0576 and:0.0290 a:0.0208 in:0.0161 that:0.0132 is:0.0123 for:0.0105 with:0.0082 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6890 the:0.1234 a:0.0821 this:0.0202 and:0.0176 last:0.0163 any:0.0153 to:0.0133 every:0.0115 one:0.0114 -:0.7699 the:0.0936 and:0.0229 was:0.0206 be:0.0188 is:0.0174 a:0.0174 to:0.0139 have:0.0136 of:0.0119 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9534 time:0.0093 city:0.0065 same:0.0061 world:0.0053 said:0.0047 right:0.0040 country:0.0037 way:0.0035 fact:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7329 than:0.1420 of:0.0425 and:0.0196 to:0.0181 the:0.0125 or:0.0121 in:0.0092 with:0.0056 on:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6988 of:0.0877 and:0.0557 to:0.0550 in:0.0316 for:0.0167 a:0.0142 by:0.0138 the:0.0135 that:0.0131 -:0.6569 to:0.1623 and:0.0674 of:0.0456 in:0.0149 or:0.0135 will:0.0119 is:0.0116 at:0.0085 on:0.0073 -:0.5880 the:0.2154 a:0.0936 of:0.0214 is:0.0158 and:0.0156 his:0.0153 tho:0.0131 was:0.0116 no:0.0101 -:0.6201 the:0.1185 to:0.1038 and:0.0447 of:0.0284 will:0.0223 a:0.0198 would:0.0152 was:0.0143 is:0.0130 -:0.7745 not:0.0422 a:0.0400 the:0.0336 now:0.0259 no:0.0193 to:0.0187 that:0.0166 hereby:0.0160 so:0.0132 -:0.9511 time:0.0078 city:0.0072 bill:0.0062 year:0.0051 country:0.0050 case:0.0049 world:0.0047 way:0.0041 people:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6946 to:0.0659 in:0.0641 of:0.0441 by:0.0302 on:0.0251 at:0.0242 from:0.0192 for:0.0190 with:0.0137 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.5324 of:0.1526 to:0.1002 and:0.0675 the:0.0428 in:0.0258 for:0.0256 by:0.0187 a:0.0186 with:0.0159 -:0.7993 of:0.0532 and:0.0474 is:0.0219 or:0.0212 the:0.0159 in:0.0119 was:0.0102 to:0.0101 as:0.0089 -of:0.3639 :0.2839 to:0.0820 in:0.0752 for:0.0490 and:0.0404 by:0.0297 with:0.0262 from:0.0257 on:0.0242 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9291 and:0.0180 to:0.0135 it:0.0076 he:0.0075 be:0.0058 or:0.0052 is:0.0048 who:0.0043 was:0.0041 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.9082 same:0.0164 said:0.0157 other:0.0110 following:0.0100 first:0.0097 great:0.0085 the:0.0075 most:0.0072 old:0.0059 -:0.6099 of:0.1754 and:0.0818 to:0.0399 in:0.0212 that:0.0162 the:0.0160 or:0.0153 for:0.0150 with:0.0092 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.8983 part:0.0246 side:0.0165 line:0.0147 one:0.0107 day:0.0100 out:0.0089 number:0.0061 that:0.0051 sort:0.0050 -:0.7123 and:0.0425 of:0.0375 are:0.0337 in:0.0316 were:0.0316 is:0.0302 to:0.0295 have:0.0263 years:0.0248 -:0.7605 say:0.0802 see:0.0273 know:0.0266 believe:0.0218 show:0.0195 be:0.0185 think:0.0166 do:0.0148 get:0.0143 -the:0.4374 :0.3334 a:0.1188 his:0.0222 tho:0.0188 this:0.0174 our:0.0137 their:0.0133 an:0.0132 no:0.0118 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8061 and:0.0476 the:0.0318 to:0.0217 be:0.0213 he:0.0167 a:0.0163 was:0.0150 of:0.0133 we:0.0101 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9420 time:0.0154 day:0.0087 and:0.0066 way:0.0060 man:0.0058 matter:0.0042 place:0.0040 city:0.0039 reason:0.0034 -:0.6753 in:0.0545 to:0.0510 with:0.0428 as:0.0426 by:0.0322 for:0.0315 at:0.0271 of:0.0261 on:0.0169 -the:0.2756 a:0.1986 :0.4286 no:0.0195 tho:0.0170 his:0.0156 this:0.0146 in:0.0119 all:0.0107 is:0.0079 -:0.9334 and:0.0154 down:0.0082 time:0.0076 is:0.0074 up:0.0072 feet:0.0054 as:0.0052 or:0.0051 right:0.0050 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6378 of:0.1417 to:0.0769 and:0.0503 in:0.0246 the:0.0197 that:0.0186 for:0.0112 on:0.0101 by:0.0092 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9708 home:0.0057 husband:0.0038 house:0.0035 time:0.0031 way:0.0030 right:0.0029 life:0.0026 more:0.0024 work:0.0023 -:0.7222 and:0.0815 to:0.0609 as:0.0259 of:0.0240 that:0.0235 or:0.0220 for:0.0155 in:0.0149 be:0.0095 -:0.8857 of:0.0208 the:0.0169 and:0.0165 in:0.0134 that:0.0114 to:0.0102 was:0.0093 is:0.0088 a:0.0069 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.8528 of:0.0479 the:0.0260 and:0.0196 is:0.0115 in:0.0103 was:0.0083 are:0.0082 a:0.0079 to:0.0075 -:0.5656 of:0.1706 to:0.0761 and:0.0754 in:0.0344 for:0.0191 at:0.0163 is:0.0151 the:0.0150 or:0.0125 -:0.7595 of:0.0694 to:0.0425 and:0.0356 in:0.0233 the:0.0177 for:0.0170 a:0.0146 that:0.0122 at:0.0082 -:0.7893 made:0.0449 in:0.0359 not:0.0349 at:0.0222 with:0.0166 for:0.0165 that:0.0142 only:0.0127 by:0.0126 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7633 he:0.0605 is:0.0464 it:0.0372 was:0.0245 there:0.0210 and:0.0141 will:0.0128 she:0.0103 to:0.0100 -:0.9108 made:0.0202 not:0.0131 placed:0.0106 found:0.0098 held:0.0081 born:0.0072 paid:0.0071 it:0.0067 engaged:0.0063 -:0.4323 he:0.1708 it:0.1169 they:0.0920 we:0.0539 you:0.0390 there:0.0358 the:0.0269 she:0.0164 a:0.0160 -to:0.2824 will:0.1579 :0.2780 may:0.0546 shall:0.0540 would:0.0485 should:0.0457 can:0.0368 must:0.0223 not:0.0197 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9006 the:0.0203 of:0.0191 and:0.0171 to:0.0131 a:0.0112 in:0.0059 for:0.0046 by:0.0043 on:0.0038 -:0.6945 the:0.1117 a:0.0573 and:0.0316 of:0.0274 was:0.0208 is:0.0183 in:0.0173 his:0.0107 for:0.0104 -:0.7146 of:0.0637 that:0.0538 in:0.0328 for:0.0300 to:0.0274 and:0.0233 with:0.0218 by:0.0181 on:0.0144 -:0.9706 it:0.0042 vote:0.0038 call:0.0035 learn:0.0034 provide:0.0032 him:0.0031 care:0.0028 demand:0.0028 bidder:0.0026 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -of:0.2211 to:0.1897 and:0.1210 :0.3046 in:0.0636 for:0.0431 from:0.0162 that:0.0141 is:0.0134 with:0.0132 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -of:0.2582 :0.5852 in:0.0271 and:0.0222 or:0.0213 to:0.0191 with:0.0183 for:0.0183 from:0.0156 years:0.0148 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7961 the:0.0624 a:0.0440 no:0.0264 not:0.0183 in:0.0129 is:0.0127 he:0.0092 his:0.0090 to:0.0090 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7488 that:0.0493 and:0.0438 a:0.0395 as:0.0361 to:0.0205 so:0.0202 but:0.0141 for:0.0141 the:0.0137 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -the:0.3741 :0.4659 a:0.0458 of:0.0407 and:0.0212 tho:0.0161 in:0.0102 was:0.0091 this:0.0085 at:0.0084 -:0.8568 the:0.0430 of:0.0211 and:0.0173 that:0.0150 a:0.0132 in:0.0102 be:0.0083 or:0.0082 to:0.0068 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8797 very:0.0194 great:0.0192 few:0.0180 good:0.0145 little:0.0134 large:0.0121 certain:0.0108 long:0.0067 new:0.0064 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.8209 and:0.0424 to:0.0255 of:0.0214 the:0.0208 that:0.0186 a:0.0141 is:0.0133 in:0.0132 for:0.0097 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.6434 of:0.1189 and:0.0665 to:0.0446 in:0.0332 the:0.0320 for:0.0184 that:0.0173 a:0.0136 or:0.0123 -:0.6469 of:0.1969 and:0.0502 to:0.0247 or:0.0204 in:0.0202 is:0.0121 for:0.0114 are:0.0094 who:0.0079 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -will:0.1362 can:0.1316 :0.3931 would:0.0711 could:0.0629 have:0.0581 must:0.0402 should:0.0385 are:0.0342 cannot:0.0340 -:0.6093 to:0.0849 of:0.0700 and:0.0640 in:0.0556 the:0.0362 that:0.0228 by:0.0220 for:0.0187 at:0.0166 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7685 the:0.0512 much:0.0477 that:0.0321 far:0.0223 to:0.0199 of:0.0161 it:0.0141 and:0.0140 a:0.0140 -:0.9102 one:0.0202 out:0.0135 and:0.0107 line:0.0094 day:0.0091 that:0.0086 part:0.0085 time:0.0051 corner:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2401 :0.5928 a:0.0452 to:0.0283 of:0.0255 his:0.0174 and:0.0160 in:0.0130 tho:0.0120 their:0.0097 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8658 be:0.0335 which:0.0237 you:0.0181 do:0.0140 the:0.0101 they:0.0097 he:0.0086 it:0.0086 have:0.0079 -:0.7481 the:0.0954 to:0.0425 of:0.0255 and:0.0240 in:0.0194 by:0.0121 that:0.0121 a:0.0106 for:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7566 accordance:0.1063 connection:0.0612 the:0.0240 which:0.0129 contact:0.0100 order:0.0091 him:0.0072 it:0.0066 said:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7056 the:0.0927 a:0.0345 is:0.0338 was:0.0321 he:0.0274 and:0.0251 has:0.0193 be:0.0179 who:0.0117 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7315 the:0.0526 in:0.0396 to:0.0352 a:0.0336 and:0.0241 that:0.0236 by:0.0227 of:0.0187 for:0.0184 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.8451 the:0.0298 to:0.0255 and:0.0199 that:0.0181 a:0.0176 of:0.0162 in:0.0113 for:0.0092 it:0.0072 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8661 and:0.0312 to:0.0265 he:0.0184 the:0.0174 of:0.0102 it:0.0101 will:0.0069 a:0.0067 in:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7558 of:0.0833 and:0.0448 in:0.0314 to:0.0312 for:0.0139 the:0.0113 as:0.0102 from:0.0091 by:0.0089 -:0.9326 said:0.0156 time:0.0096 world:0.0081 same:0.0075 fact:0.0069 country:0.0056 city:0.0048 case:0.0046 following:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7453 a:0.0670 the:0.0656 and:0.0405 of:0.0264 to:0.0135 was:0.0117 is:0.0115 be:0.0106 in:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6703 of:0.1392 and:0.0697 to:0.0317 in:0.0211 as:0.0158 the:0.0150 for:0.0142 or:0.0134 that:0.0094 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.9288 is:0.0144 as:0.0112 began:0.0098 went:0.0088 referred:0.0055 came:0.0055 according:0.0055 said:0.0053 ought:0.0052 -:0.9255 the:0.0223 old:0.0150 hour:0.0123 this:0.0052 other:0.0050 and:0.0043 acre:0.0039 same:0.0035 as:0.0031 -:0.8967 the:0.0189 and:0.0144 as:0.0118 to:0.0116 a:0.0105 was:0.0105 in:0.0088 of:0.0086 that:0.0082 -:0.6786 and:0.0848 of:0.0693 to:0.0670 in:0.0299 for:0.0164 the:0.0152 from:0.0150 or:0.0127 on:0.0110 -:0.7440 the:0.1190 to:0.0264 and:0.0222 a:0.0217 of:0.0196 in:0.0167 it:0.0129 he:0.0089 for:0.0087 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9417 and:0.0189 to:0.0092 is:0.0061 it:0.0056 of:0.0044 in:0.0037 are:0.0035 not:0.0035 was:0.0034 -:0.6274 the:0.2137 a:0.0795 of:0.0223 and:0.0133 his:0.0115 for:0.0085 their:0.0082 tho:0.0079 an:0.0078 -:0.8882 now:0.0261 not:0.0203 made:0.0175 held:0.0112 placed:0.0103 put:0.0072 being:0.0069 given:0.0062 situated:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6035 the:0.1741 of:0.0550 to:0.0490 and:0.0429 a:0.0289 in:0.0156 at:0.0115 was:0.0097 by:0.0097 -:0.7345 have:0.0605 are:0.0604 had:0.0401 were:0.0322 will:0.0199 do:0.0155 be:0.0142 would:0.0127 can:0.0101 -:0.8146 of:0.0625 and:0.0329 the:0.0303 to:0.0170 or:0.0098 a:0.0089 in:0.0088 that:0.0088 for:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8375 and:0.0657 of:0.0210 to:0.0182 the:0.0113 or:0.0110 a:0.0099 in:0.0097 one:0.0079 for:0.0078 -:0.6528 the:0.2016 a:0.0741 and:0.0167 this:0.0155 his:0.0095 tho:0.0083 their:0.0082 one:0.0068 is:0.0067 -:0.7697 of:0.0586 and:0.0566 as:0.0303 that:0.0188 but:0.0166 for:0.0151 where:0.0127 to:0.0108 in:0.0107 -:0.5681 the:0.1506 of:0.1010 a:0.0676 to:0.0361 and:0.0213 in:0.0193 by:0.0134 his:0.0123 for:0.0103 -than:0.4735 :0.3726 as:0.0420 that:0.0411 when:0.0167 where:0.0146 and:0.0124 but:0.0101 if:0.0092 which:0.0078 -:0.6600 the:0.1483 a:0.0479 and:0.0454 of:0.0362 to:0.0288 in:0.0098 this:0.0083 tho:0.0082 or:0.0072 -:0.8845 and:0.0256 is:0.0160 years:0.0126 according:0.0120 or:0.0115 as:0.0102 of:0.0101 up:0.0100 months:0.0076 -:0.8409 the:0.0411 and:0.0277 of:0.0190 to:0.0171 that:0.0157 in:0.0107 a:0.0105 is:0.0097 was:0.0078 -:0.6472 of:0.0840 ago:0.0765 and:0.0603 to:0.0401 in:0.0273 that:0.0218 for:0.0157 or:0.0139 as:0.0131 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -of:0.2528 in:0.1357 to:0.1196 :0.2738 for:0.0647 on:0.0413 with:0.0338 and:0.0315 by:0.0298 from:0.0170 -:0.6050 to:0.2603 and:0.0338 in:0.0217 is:0.0197 was:0.0145 will:0.0144 of:0.0139 are:0.0084 would:0.0083 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5656 of:0.1706 to:0.0761 and:0.0754 in:0.0344 for:0.0191 at:0.0163 is:0.0151 the:0.0150 or:0.0125 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.5453 a:0.1686 to:0.0943 the:0.0812 it:0.0240 he:0.0228 well:0.0213 they:0.0153 an:0.0137 any:0.0136 -:0.5707 the:0.1701 of:0.0743 a:0.0623 to:0.0291 and:0.0280 in:0.0252 his:0.0162 tho:0.0122 for:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9017 the:0.0239 that:0.0147 a:0.0144 and:0.0143 to:0.0088 of:0.0081 for:0.0050 as:0.0047 he:0.0044 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.2725 :0.5536 a:0.0648 of:0.0223 two:0.0189 his:0.0175 tho:0.0143 and:0.0128 this:0.0119 three:0.0113 -to:0.2227 :0.5493 the:0.0962 a:0.0386 he:0.0297 and:0.0237 or:0.0123 it:0.0098 will:0.0094 this:0.0081 -:0.6960 to:0.1359 and:0.0421 was:0.0275 is:0.0251 of:0.0237 will:0.0151 in:0.0127 the:0.0116 for:0.0103 -:0.6422 of:0.1021 to:0.0616 and:0.0608 the:0.0334 in:0.0328 a:0.0227 was:0.0197 is:0.0124 had:0.0123 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -to:0.2051 :0.3612 of:0.0945 in:0.0846 for:0.0619 that:0.0462 by:0.0441 on:0.0387 at:0.0336 from:0.0301 -:0.6512 the:0.1872 to:0.0293 and:0.0270 a:0.0269 that:0.0213 of:0.0200 in:0.0134 by:0.0123 his:0.0113 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.6871 and:0.1003 to:0.0811 of:0.0391 the:0.0221 or:0.0200 in:0.0172 a:0.0123 is:0.0105 was:0.0102 -the:0.2434 :0.5279 a:0.0933 his:0.0340 this:0.0236 their:0.0184 said:0.0176 tho:0.0175 our:0.0129 these:0.0114 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6402 the:0.2336 a:0.0374 to:0.0186 and:0.0173 in:0.0149 of:0.0108 tho:0.0102 it:0.0088 that:0.0082 -:0.9032 him:0.0233 them:0.0177 it:0.0111 order:0.0091 me:0.0086 us:0.0078 regard:0.0071 said:0.0064 as:0.0059 -:0.8469 of:0.0485 and:0.0326 in:0.0155 days:0.0122 up:0.0097 years:0.0090 to:0.0087 or:0.0085 day:0.0084 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -:0.9123 one:0.0205 out:0.0167 that:0.0099 some:0.0089 it:0.0077 all:0.0073 many:0.0066 and:0.0060 much:0.0041 -:0.7143 if:0.0642 that:0.0410 it:0.0370 he:0.0344 when:0.0294 the:0.0263 is:0.0229 and:0.0186 as:0.0120 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7216 to:0.0949 of:0.0427 the:0.0312 in:0.0297 and:0.0295 by:0.0150 a:0.0132 for:0.0124 on:0.0098 -:0.8765 made:0.0246 the:0.0157 not:0.0156 in:0.0140 to:0.0129 and:0.0114 a:0.0106 found:0.0105 held:0.0083 -:0.6032 to:0.1133 the:0.0836 and:0.0510 will:0.0282 was:0.0274 of:0.0273 is:0.0263 a:0.0231 in:0.0167 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7174 of:0.0892 and:0.0581 the:0.0294 to:0.0285 in:0.0280 that:0.0139 for:0.0139 with:0.0111 or:0.0103 -:0.6788 of:0.0648 the:0.0617 to:0.0434 and:0.0413 a:0.0311 in:0.0292 for:0.0189 any:0.0170 or:0.0138 -:0.9408 old:0.0155 hour:0.0113 the:0.0085 other:0.0061 inch:0.0039 said:0.0038 first:0.0035 right:0.0034 land:0.0034 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.8532 go:0.0396 come:0.0225 return:0.0155 him:0.0149 try:0.0134 be:0.0114 them:0.0111 have:0.0099 appear:0.0085 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9413 fact:0.0110 said:0.0082 same:0.0082 time:0.0074 world:0.0057 city:0.0053 case:0.0047 country:0.0041 earth:0.0040 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -of:0.2344 :0.5385 and:0.0760 to:0.0502 in:0.0208 the:0.0204 for:0.0183 or:0.0168 with:0.0132 as:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9261 and:0.0197 to:0.0124 as:0.0100 but:0.0065 out:0.0058 it:0.0052 time:0.0049 is:0.0048 bidder:0.0047 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7925 to:0.0506 the:0.0417 and:0.0365 in:0.0173 of:0.0139 a:0.0137 by:0.0121 as:0.0109 at:0.0109 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7336 the:0.1297 to:0.0344 and:0.0287 of:0.0212 a:0.0164 in:0.0102 this:0.0098 or:0.0084 is:0.0076 -that:0.3469 :0.4871 which:0.0381 as:0.0355 and:0.0243 if:0.0208 what:0.0125 the:0.0123 by:0.0118 when:0.0108 -of:0.3111 :0.4390 and:0.0858 to:0.0642 in:0.0275 is:0.0191 or:0.0162 for:0.0157 that:0.0109 with:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9639 to:0.0061 and:0.0057 the:0.0044 not:0.0041 will:0.0040 who:0.0034 he:0.0029 we:0.0028 be:0.0027 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9737 the:0.0067 a:0.0035 had:0.0027 and:0.0026 said:0.0026 other:0.0022 most:0.0022 in:0.0019 great:0.0018 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6971 the:0.0770 and:0.0474 a:0.0387 of:0.0362 to:0.0325 in:0.0242 that:0.0193 for:0.0152 or:0.0124 -:0.8120 of:0.0364 to:0.0293 he:0.0227 in:0.0225 and:0.0210 that:0.0168 it:0.0135 for:0.0132 at:0.0125 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.5797 to:0.1196 of:0.1169 and:0.0441 the:0.0343 in:0.0342 that:0.0236 for:0.0202 by:0.0139 a:0.0136 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8667 to:0.0411 and:0.0312 of:0.0114 is:0.0102 the:0.0098 was:0.0093 a:0.0083 in:0.0063 will:0.0056 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6295 of:0.1598 and:0.0525 to:0.0459 who:0.0374 in:0.0256 is:0.0153 was:0.0139 are:0.0101 or:0.0100 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.5747 the:0.1675 a:0.1044 of:0.0644 and:0.0280 in:0.0171 for:0.0122 his:0.0114 to:0.0112 tho:0.0092 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5868 is:0.0698 was:0.0686 and:0.0648 to:0.0528 has:0.0468 of:0.0357 who:0.0268 as:0.0248 will:0.0230 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6738 that:0.0730 and:0.0569 of:0.0541 as:0.0347 but:0.0285 when:0.0211 to:0.0201 if:0.0189 for:0.0189 -:0.7728 to:0.0561 and:0.0447 of:0.0293 in:0.0245 for:0.0199 that:0.0153 the:0.0143 with:0.0119 was:0.0113 -:0.8749 and:0.0417 was:0.0166 is:0.0164 that:0.0107 to:0.0098 of:0.0092 are:0.0078 had:0.0067 were:0.0062 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7107 of:0.0804 in:0.0439 and:0.0367 at:0.0295 or:0.0244 for:0.0218 on:0.0193 from:0.0167 is:0.0166 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6610 we:0.0673 they:0.0648 he:0.0517 and:0.0360 to:0.0348 who:0.0303 you:0.0236 she:0.0153 it:0.0152 -:0.7721 of:0.0577 and:0.0333 the:0.0323 a:0.0259 in:0.0215 for:0.0180 to:0.0164 with:0.0114 is:0.0113 -:0.6657 the:0.1385 a:0.0618 and:0.0546 of:0.0188 to:0.0167 his:0.0134 their:0.0114 is:0.0096 that:0.0094 -:0.8436 and:0.0341 to:0.0237 a:0.0213 the:0.0193 is:0.0176 was:0.0126 in:0.0115 are:0.0093 of:0.0069 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8491 the:0.0471 a:0.0270 and:0.0206 to:0.0114 of:0.0113 he:0.0099 be:0.0097 was:0.0071 is:0.0068 -:0.8648 the:0.0467 a:0.0221 and:0.0172 to:0.0112 this:0.0096 his:0.0083 more:0.0069 said:0.0067 their:0.0065 -the:0.3816 :0.4023 a:0.0975 least:0.0269 his:0.0184 tho:0.0170 any:0.0155 once:0.0154 this:0.0137 their:0.0118 -:0.7694 the:0.1030 a:0.0416 to:0.0280 and:0.0136 an:0.0133 that:0.0100 it:0.0076 in:0.0074 of:0.0060 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2303 :0.5995 and:0.0532 to:0.0328 or:0.0201 hundred:0.0174 in:0.0152 with:0.0138 for:0.0099 is:0.0078 -:0.8797 not:0.0246 a:0.0226 the:0.0210 made:0.0126 no:0.0089 that:0.0087 one:0.0080 more:0.0074 only:0.0066 -:0.8812 and:0.0220 as:0.0205 according:0.0148 up:0.0131 is:0.0121 them:0.0116 down:0.0102 began:0.0077 or:0.0069 -:0.6097 and:0.0973 of:0.0897 to:0.0774 in:0.0258 as:0.0255 the:0.0228 for:0.0202 by:0.0185 from:0.0130 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -a:0.1766 :0.4495 to:0.1028 the:0.0928 not:0.0683 no:0.0438 an:0.0255 hereby:0.0146 very:0.0141 that:0.0120 -:0.5212 the:0.2472 a:0.1107 of:0.0352 and:0.0216 his:0.0149 in:0.0141 is:0.0133 was:0.0124 tho:0.0094 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.8499 the:0.0663 a:0.0176 to:0.0143 and:0.0142 of:0.0134 in:0.0086 this:0.0062 or:0.0048 tho:0.0047 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -could:0.1398 did:0.1294 had:0.0974 was:0.0934 would:0.0738 has:0.0696 does:0.0665 is:0.0662 will:0.0409 do:0.0294 -:0.6432 to:0.1685 and:0.0549 the:0.0416 of:0.0223 will:0.0173 was:0.0168 is:0.0138 or:0.0115 a:0.0101 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -of:0.2303 :0.5995 and:0.0532 to:0.0328 or:0.0201 hundred:0.0174 in:0.0152 with:0.0138 for:0.0099 is:0.0078 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7129 of:0.0975 and:0.0486 days:0.0421 to:0.0240 years:0.0224 or:0.0217 in:0.0149 the:0.0090 at:0.0069 -:0.6950 and:0.0588 the:0.0534 to:0.0405 of:0.0401 was:0.0353 is:0.0311 a:0.0195 in:0.0142 for:0.0120 -the:0.0281 :0.8785 a:0.0177 be:0.0146 to:0.0140 his:0.0113 by:0.0112 in:0.0087 tho:0.0080 its:0.0078 -:0.7888 to:0.0800 the:0.0233 in:0.0207 by:0.0184 and:0.0183 of:0.0161 that:0.0127 for:0.0120 a:0.0098 -:0.7513 to:0.0584 the:0.0547 of:0.0341 and:0.0330 in:0.0199 a:0.0166 that:0.0117 by:0.0106 for:0.0097 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -the:0.5721 :0.2713 a:0.0712 tho:0.0207 any:0.0151 his:0.0134 their:0.0098 this:0.0098 its:0.0086 an:0.0081 -:0.9048 one:0.0261 parcel:0.0212 any:0.0087 many:0.0080 two:0.0077 use:0.0063 more:0.0058 some:0.0057 part:0.0057 -:0.8475 and:0.0376 the:0.0324 of:0.0160 is:0.0155 was:0.0152 a:0.0118 that:0.0093 as:0.0080 be:0.0067 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.6222 and:0.0969 was:0.0606 is:0.0509 to:0.0428 of:0.0363 as:0.0262 the:0.0256 in:0.0222 that:0.0162 -:0.8466 and:0.0337 the:0.0319 to:0.0226 of:0.0158 not:0.0126 was:0.0104 will:0.0090 is:0.0088 a:0.0088 -:0.7093 of:0.0607 to:0.0525 and:0.0490 the:0.0400 in:0.0254 a:0.0209 that:0.0158 is:0.0142 for:0.0122 -:0.7740 and:0.0594 of:0.0517 to:0.0469 in:0.0157 for:0.0134 the:0.0127 or:0.0101 a:0.0088 by:0.0073 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9250 the:0.0276 it:0.0097 them:0.0083 him:0.0081 said:0.0047 her:0.0046 a:0.0043 me:0.0040 hand:0.0038 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9063 one:0.0196 out:0.0191 side:0.0125 line:0.0107 and:0.0103 part:0.0078 many:0.0062 because:0.0039 to:0.0035 -the:0.1642 :0.6020 and:0.0401 in:0.0317 to:0.0316 as:0.0283 a:0.0258 for:0.0256 that:0.0256 by:0.0252 -:0.8881 time:0.0237 way:0.0171 year:0.0169 country:0.0136 point:0.0097 and:0.0095 city:0.0087 morning:0.0066 day:0.0061 -:0.7654 and:0.0616 of:0.0492 to:0.0408 is:0.0196 or:0.0171 in:0.0147 a:0.0113 for:0.0104 that:0.0098 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.8462 of:0.0275 and:0.0261 to:0.0216 made:0.0173 owned:0.0162 out:0.0138 up:0.0119 accompanied:0.0098 but:0.0097 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.9039 and:0.0237 up:0.0112 of:0.0109 to:0.0106 in:0.0092 it:0.0092 men:0.0075 that:0.0073 them:0.0066 -the:0.4925 :0.3264 a:0.0649 tho:0.0270 his:0.0218 this:0.0161 our:0.0153 any:0.0150 their:0.0107 tbe:0.0103 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.5620 of:0.1187 to:0.0969 and:0.0547 in:0.0410 the:0.0401 that:0.0319 for:0.0241 with:0.0156 by:0.0151 -:0.7574 that:0.1131 not:0.0355 a:0.0154 so:0.0142 said:0.0137 when:0.0135 as:0.0132 if:0.0129 at:0.0110 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.6647 did:0.0594 is:0.0476 does:0.0466 do:0.0421 was:0.0329 will:0.0325 has:0.0276 would:0.0239 could:0.0226 -:0.8223 the:0.0370 to:0.0303 of:0.0269 in:0.0175 a:0.0161 and:0.0153 as:0.0133 by:0.0107 from:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6640 the:0.0957 to:0.0751 of:0.0331 a:0.0324 in:0.0299 and:0.0256 by:0.0194 for:0.0124 on:0.0123 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -the:0.4346 :0.3163 a:0.0913 his:0.0470 this:0.0455 their:0.0209 an:0.0149 tho:0.0124 its:0.0086 her:0.0085 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.6779 a:0.1063 the:0.1061 to:0.0250 of:0.0203 and:0.0203 tho:0.0124 his:0.0118 in:0.0107 an:0.0092 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6246 the:0.2285 a:0.0345 in:0.0239 and:0.0218 his:0.0192 is:0.0146 for:0.0119 her:0.0107 of:0.0101 -:0.6344 we:0.0727 they:0.0645 he:0.0527 and:0.0463 to:0.0406 you:0.0367 it:0.0263 as:0.0143 the:0.0116 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7456 order:0.0892 regard:0.0760 addition:0.0259 relation:0.0160 reference:0.0117 said:0.0102 him:0.0096 them:0.0083 view:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.7421 the:0.1083 to:0.0327 and:0.0273 a:0.0248 will:0.0207 is:0.0119 would:0.0118 was:0.0108 of:0.0096 -:0.7707 of:0.0473 and:0.0447 to:0.0296 was:0.0253 in:0.0242 is:0.0226 the:0.0138 had:0.0109 who:0.0108 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8649 the:0.0235 and:0.0200 that:0.0177 a:0.0171 other:0.0170 more:0.0153 of:0.0091 to:0.0082 one:0.0073 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8039 that:0.0401 and:0.0397 as:0.0282 of:0.0240 which:0.0174 but:0.0165 time:0.0110 where:0.0109 when:0.0082 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.7990 the:0.0627 a:0.0430 and:0.0283 of:0.0159 is:0.0140 in:0.0122 was:0.0095 his:0.0081 for:0.0073 -:0.7752 and:0.0689 is:0.0302 of:0.0271 to:0.0179 in:0.0178 was:0.0162 are:0.0161 the:0.0155 as:0.0151 -of:0.0063 :0.9679 to:0.0045 who:0.0037 in:0.0036 from:0.0030 and:0.0029 on:0.0027 had:0.0026 up:0.0026 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8787 of:0.0242 the:0.0208 to:0.0159 a:0.0139 in:0.0136 and:0.0123 for:0.0081 by:0.0065 from:0.0060 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8372 of:0.0541 and:0.0433 in:0.0122 to:0.0121 for:0.0093 or:0.0093 the:0.0081 that:0.0079 as:0.0065 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.8751 out:0.0285 side:0.0215 day:0.0167 and:0.0163 line:0.0122 one:0.0088 to:0.0088 or:0.0063 instead:0.0058 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.5974 it:0.1081 that:0.1061 he:0.0416 and:0.0379 which:0.0322 they:0.0305 there:0.0174 as:0.0158 you:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6375 the:0.1742 to:0.0548 and:0.0329 a:0.0322 in:0.0191 his:0.0157 is:0.0137 he:0.0105 tho:0.0093 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7767 the:0.0590 a:0.0570 and:0.0226 to:0.0196 be:0.0189 in:0.0147 was:0.0122 is:0.0096 of:0.0096 -:0.9032 same:0.0160 most:0.0130 other:0.0128 first:0.0122 said:0.0094 old:0.0089 great:0.0088 the:0.0081 last:0.0077 -:0.6561 the:0.1611 of:0.0510 a:0.0347 and:0.0318 to:0.0168 in:0.0151 is:0.0114 his:0.0112 at:0.0108 -:0.6873 than:0.1591 of:0.0371 or:0.0267 to:0.0230 and:0.0162 was:0.0146 is:0.0143 be:0.0117 in:0.0099 -:0.6416 the:0.0967 of:0.0957 and:0.0353 in:0.0321 is:0.0286 to:0.0218 a:0.0194 was:0.0182 for:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -a:0.3730 :0.4275 the:0.1070 an:0.0286 him:0.0167 to:0.0129 her:0.0098 his:0.0085 and:0.0083 this:0.0078 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.9099 time:0.0180 year:0.0113 way:0.0107 as:0.0101 and:0.0092 order:0.0083 is:0.0083 right:0.0081 power:0.0061 -:0.6957 be:0.1289 the:0.0845 have:0.0232 do:0.0160 a:0.0151 her:0.0102 his:0.0097 he:0.0094 go:0.0073 -:0.7341 and:0.0567 of:0.0508 to:0.0497 the:0.0285 in:0.0266 is:0.0176 for:0.0155 as:0.0104 was:0.0102 -:0.7552 of:0.1002 and:0.0551 the:0.0187 to:0.0182 in:0.0172 that:0.0103 for:0.0101 was:0.0078 or:0.0075 -of:0.2309 :0.4742 and:0.1277 to:0.0444 are:0.0237 is:0.0229 or:0.0202 in:0.0201 was:0.0190 at:0.0169 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7568 the:0.0863 and:0.0517 of:0.0263 is:0.0193 a:0.0183 was:0.0126 or:0.0103 this:0.0096 to:0.0087 -:0.8832 and:0.0287 to:0.0209 the:0.0180 of:0.0155 is:0.0086 are:0.0079 was:0.0063 or:0.0057 in:0.0053 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.6414 the:0.1144 a:0.0913 not:0.0471 to:0.0331 an:0.0231 no:0.0157 now:0.0144 hereby:0.0104 more:0.0092 -:0.7871 in:0.0529 that:0.0332 of:0.0236 to:0.0230 for:0.0183 by:0.0175 all:0.0154 on:0.0152 from:0.0140 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6912 a:0.0999 the:0.0801 of:0.0491 and:0.0223 to:0.0201 in:0.0104 an:0.0093 that:0.0089 it:0.0088 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -:0.9408 the:0.0104 be:0.0095 him:0.0088 work:0.0080 go:0.0058 me:0.0052 them:0.0046 appear:0.0036 do:0.0034 -:0.9053 day:0.0185 part:0.0164 line:0.0118 one:0.0098 out:0.0090 number:0.0085 that:0.0082 side:0.0065 and:0.0058 -:0.6160 to:0.1307 of:0.0702 and:0.0627 in:0.0352 the:0.0195 by:0.0192 for:0.0189 that:0.0140 was:0.0137 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8623 and:0.0367 is:0.0172 the:0.0171 of:0.0145 a:0.0121 that:0.0106 or:0.0104 was:0.0097 are:0.0095 -:0.6606 to:0.0827 in:0.0819 been:0.0549 by:0.0271 with:0.0214 for:0.0212 on:0.0182 a:0.0161 from:0.0158 -:0.7376 of:0.0878 to:0.0553 and:0.0423 in:0.0243 on:0.0117 that:0.0112 for:0.0107 the:0.0097 who:0.0094 -the:0.3946 :0.3266 his:0.0844 their:0.0490 our:0.0340 this:0.0261 a:0.0257 tho:0.0255 its:0.0187 her:0.0154 -:0.4755 of:0.1576 to:0.1036 and:0.0815 in:0.0407 for:0.0388 the:0.0363 that:0.0311 at:0.0195 by:0.0155 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9164 and:0.0213 him:0.0112 up:0.0108 them:0.0099 out:0.0066 that:0.0064 it:0.0061 is:0.0057 or:0.0055 -:0.7154 the:0.0874 was:0.0378 and:0.0329 is:0.0310 be:0.0261 has:0.0198 a:0.0182 are:0.0166 have:0.0146 -:0.8215 have:0.0383 had:0.0293 is:0.0218 are:0.0178 as:0.0165 that:0.0155 was:0.0139 knew:0.0133 and:0.0121 -:0.9036 and:0.0187 as:0.0161 of:0.0132 that:0.0113 for:0.0089 at:0.0081 or:0.0075 from:0.0066 be:0.0059 -:0.7728 to:0.0561 and:0.0447 of:0.0293 in:0.0245 for:0.0199 that:0.0153 the:0.0143 with:0.0119 was:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -the:0.4206 :0.4075 a:0.0494 tho:0.0283 his:0.0236 this:0.0221 our:0.0153 their:0.0115 her:0.0111 any:0.0105 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8890 and:0.0301 to:0.0144 of:0.0136 the:0.0130 is:0.0092 in:0.0084 was:0.0083 be:0.0077 he:0.0063 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8729 the:0.0378 a:0.0232 he:0.0131 which:0.0107 this:0.0105 one:0.0087 and:0.0080 it:0.0079 any:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7394 to:0.0934 of:0.0400 the:0.0376 in:0.0252 and:0.0204 that:0.0137 with:0.0113 by:0.0104 on:0.0086 -:0.8778 of:0.0270 and:0.0263 the:0.0241 years:0.0127 or:0.0083 days:0.0070 in:0.0061 which:0.0057 other:0.0051 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.9128 been:0.0187 and:0.0149 come:0.0121 away:0.0092 be:0.0089 not:0.0069 it:0.0061 down:0.0052 up:0.0051 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7939 and:0.0466 of:0.0373 to:0.0303 that:0.0278 as:0.0188 which:0.0136 when:0.0122 for:0.0100 if:0.0095 -:0.8747 the:0.0295 a:0.0270 to:0.0237 and:0.0148 of:0.0067 this:0.0064 two:0.0062 or:0.0058 an:0.0054 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7134 of:0.0516 and:0.0495 to:0.0465 the:0.0370 a:0.0273 was:0.0214 is:0.0202 in:0.0201 by:0.0130 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -statute:0.0031 seventeenth:0.0024 southwest:0.0023 cheapest:0.0022 southeast:0.0020 upper:0.0018 same:0.0017 hereditaments:0.0014 interstate:0.0014 affirmative:0.0012 -:0.8103 the:0.0679 a:0.0293 to:0.0215 his:0.0155 this:0.0148 which:0.0117 and:0.0108 it:0.0107 one:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7762 and:0.0627 of:0.0405 the:0.0311 to:0.0224 in:0.0173 is:0.0162 a:0.0122 was:0.0112 or:0.0102 -:0.6836 of:0.1350 and:0.0655 the:0.0215 is:0.0206 in:0.0199 was:0.0185 to:0.0139 who:0.0115 that:0.0101 -:0.6563 which:0.0918 that:0.0759 the:0.0438 whom:0.0363 said:0.0262 what:0.0242 a:0.0237 all:0.0112 her:0.0106 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6697 to:0.1185 the:0.0428 of:0.0404 and:0.0379 in:0.0284 by:0.0202 for:0.0149 that:0.0147 at:0.0125 -:0.9417 and:0.0189 to:0.0092 is:0.0061 it:0.0056 of:0.0044 in:0.0037 are:0.0035 not:0.0035 was:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.6238 to:0.1314 they:0.0511 we:0.0483 he:0.0425 it:0.0316 and:0.0272 you:0.0226 there:0.0120 is:0.0095 -:0.7270 of:0.1176 and:0.0351 in:0.0333 the:0.0230 for:0.0183 that:0.0124 is:0.0113 a:0.0110 on:0.0109 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.9441 as:0.0146 less:0.0068 more:0.0065 and:0.0052 it:0.0047 them:0.0046 regard:0.0046 order:0.0044 go:0.0043 -a:0.0841 the:0.0680 :0.7554 was:0.0159 is:0.0143 per:0.0137 be:0.0134 no:0.0122 an:0.0119 any:0.0111 -:0.7551 is:0.0675 and:0.0550 was:0.0391 of:0.0190 to:0.0166 the:0.0149 are:0.0129 be:0.0110 a:0.0089 -:0.7349 and:0.0768 of:0.0749 to:0.0329 in:0.0196 for:0.0169 as:0.0124 the:0.0122 from:0.0097 or:0.0097 -:0.7634 that:0.0516 as:0.0486 and:0.0364 if:0.0212 but:0.0198 for:0.0155 the:0.0149 when:0.0149 to:0.0138 -:0.9215 the:0.0219 to:0.0157 and:0.0108 that:0.0084 in:0.0058 it:0.0042 or:0.0041 of:0.0040 at:0.0036 -:0.6205 to:0.1320 the:0.0763 a:0.0516 that:0.0302 and:0.0275 in:0.0233 it:0.0131 of:0.0129 an:0.0127 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7232 the:0.0673 to:0.0512 that:0.0358 a:0.0281 and:0.0253 of:0.0201 it:0.0182 in:0.0180 he:0.0127 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.5349 the:0.1498 of:0.0764 to:0.0604 in:0.0512 a:0.0418 and:0.0402 was:0.0180 is:0.0157 his:0.0116 -the:0.3069 :0.4273 a:0.1434 his:0.0300 an:0.0245 to:0.0206 this:0.0153 their:0.0122 said:0.0108 tho:0.0090 -:0.9169 and:0.0314 to:0.0103 is:0.0081 or:0.0069 the:0.0069 of:0.0059 was:0.0059 are:0.0040 in:0.0038 -:0.8474 the:0.0561 and:0.0284 to:0.0168 of:0.0114 that:0.0095 in:0.0087 he:0.0075 this:0.0074 a:0.0069 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6796 of:0.1666 and:0.0758 in:0.0165 to:0.0135 the:0.0122 for:0.0109 or:0.0101 a:0.0075 are:0.0073 -:0.8439 to:0.0473 and:0.0215 in:0.0205 of:0.0168 that:0.0117 the:0.0117 for:0.0092 as:0.0091 by:0.0082 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7782 to:0.0555 and:0.0270 the:0.0257 of:0.0240 in:0.0231 for:0.0201 by:0.0175 at:0.0145 that:0.0143 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.4546 he:0.2181 it:0.1579 there:0.0671 she:0.0498 they:0.0155 ho:0.0145 which:0.0093 we:0.0086 if:0.0045 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.8207 of:0.0427 and:0.0359 the:0.0260 to:0.0172 in:0.0157 a:0.0124 for:0.0101 is:0.0099 was:0.0094 -:0.6684 of:0.1004 in:0.0401 the:0.0392 and:0.0388 a:0.0296 for:0.0243 with:0.0214 to:0.0192 is:0.0184 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -to:0.1783 :0.6513 and:0.0588 will:0.0204 as:0.0198 was:0.0177 is:0.0154 or:0.0134 has:0.0128 would:0.0121 -:0.9143 to:0.0150 and:0.0135 the:0.0128 a:0.0116 or:0.0085 of:0.0082 that:0.0059 is:0.0057 be:0.0044 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8716 it:0.0359 well:0.0245 that:0.0111 and:0.0109 he:0.0104 a:0.0094 much:0.0088 the:0.0087 to:0.0087 -:0.7852 of:0.0573 and:0.0435 to:0.0278 the:0.0196 in:0.0161 for:0.0129 that:0.0129 at:0.0125 is:0.0122 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.8360 to:0.0424 and:0.0341 or:0.0164 was:0.0150 will:0.0117 not:0.0116 is:0.0113 as:0.0113 be:0.0100 -:0.7254 the:0.0474 in:0.0423 to:0.0403 at:0.0390 that:0.0324 of:0.0262 and:0.0219 for:0.0133 which:0.0117 -:0.8759 of:0.0504 and:0.0247 the:0.0110 as:0.0081 in:0.0079 or:0.0062 for:0.0055 is:0.0055 way:0.0050 -:0.6667 to:0.1410 of:0.0506 the:0.0400 and:0.0285 a:0.0262 in:0.0220 will:0.0109 with:0.0075 for:0.0067 -:0.9212 to:0.0197 and:0.0197 is:0.0083 or:0.0068 of:0.0061 in:0.0061 was:0.0052 are:0.0036 out:0.0034 -:0.5740 of:0.1990 and:0.0843 to:0.0471 in:0.0286 the:0.0145 or:0.0145 for:0.0131 by:0.0125 that:0.0125 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -the:0.4224 :0.3670 this:0.0684 a:0.0428 tho:0.0274 his:0.0249 any:0.0163 our:0.0125 their:0.0102 these:0.0081 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -the:0.1302 :0.7501 a:0.0250 said:0.0185 tho:0.0167 his:0.0158 this:0.0152 our:0.0099 their:0.0095 all:0.0091 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6295 of:0.1598 and:0.0525 to:0.0459 who:0.0374 in:0.0256 is:0.0153 was:0.0139 are:0.0101 or:0.0100 -:0.6222 the:0.1338 of:0.0700 and:0.0543 a:0.0322 to:0.0320 in:0.0197 for:0.0151 his:0.0104 that:0.0102 -:0.9084 the:0.0242 and:0.0153 a:0.0118 not:0.0094 we:0.0063 is:0.0063 to:0.0063 was:0.0062 will:0.0058 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9005 him:0.0221 made:0.0169 it:0.0104 them:0.0098 and:0.0097 up:0.0097 out:0.0083 received:0.0064 secured:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5369 who:0.1202 and:0.0818 of:0.0680 as:0.0486 that:0.0351 he:0.0333 to:0.0307 it:0.0281 which:0.0171 -:0.6726 to:0.0658 in:0.0507 of:0.0472 and:0.0447 the:0.0267 that:0.0250 by:0.0231 a:0.0223 for:0.0220 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7748 a:0.0741 the:0.0610 and:0.0357 that:0.0133 one:0.0099 of:0.0094 his:0.0077 in:0.0073 more:0.0069 -:0.8063 and:0.0398 of:0.0346 to:0.0212 in:0.0201 will:0.0195 was:0.0176 is:0.0149 for:0.0142 as:0.0118 -the:0.3686 :0.3708 a:0.1240 his:0.0306 tho:0.0243 this:0.0228 their:0.0159 her:0.0155 its:0.0144 said:0.0132 -:0.6393 of:0.1028 and:0.0771 to:0.0591 in:0.0300 was:0.0215 is:0.0206 for:0.0174 the:0.0169 on:0.0152 -:0.8765 the:0.0572 a:0.0162 said:0.0092 this:0.0087 it:0.0078 them:0.0076 tho:0.0065 all:0.0057 her:0.0046 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -of:0.2919 :0.4546 and:0.0573 in:0.0477 to:0.0417 for:0.0267 by:0.0246 with:0.0213 that:0.0171 or:0.0171 -:0.8860 and:0.0247 as:0.0225 up:0.0146 him:0.0102 feet:0.0096 them:0.0088 enough:0.0086 power:0.0081 back:0.0069 -:0.7612 the:0.0774 to:0.0437 and:0.0221 a:0.0218 in:0.0207 of:0.0201 by:0.0114 that:0.0111 at:0.0104 -:0.7141 that:0.0947 and:0.0399 if:0.0314 as:0.0252 which:0.0221 of:0.0193 when:0.0192 but:0.0181 where:0.0159 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.6106 the:0.2608 a:0.0317 tho:0.0179 this:0.0162 his:0.0151 it:0.0145 that:0.0141 their:0.0100 which:0.0093 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9363 said:0.0104 other:0.0097 same:0.0089 most:0.0074 first:0.0063 whole:0.0060 last:0.0056 great:0.0048 the:0.0048 -:0.8596 and:0.0360 the:0.0295 is:0.0216 was:0.0113 to:0.0107 of:0.0086 or:0.0085 as:0.0077 a:0.0067 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.7000 been:0.1257 come:0.0409 taken:0.0317 gone:0.0269 done:0.0188 received:0.0149 made:0.0141 passed:0.0140 it:0.0129 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9293 the:0.0159 him:0.0138 it:0.0094 them:0.0082 such:0.0055 a:0.0050 two:0.0044 me:0.0043 one:0.0043 -:0.7934 the:0.0544 of:0.0333 and:0.0254 a:0.0253 that:0.0246 in:0.0138 to:0.0113 for:0.0098 as:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2940 :0.5781 a:0.0400 his:0.0203 tho:0.0157 it:0.0122 an:0.0108 their:0.0102 this:0.0094 all:0.0092 -:0.8678 the:0.0655 all:0.0149 a:0.0139 any:0.0074 them:0.0071 this:0.0065 his:0.0062 said:0.0061 such:0.0046 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7829 to:0.0461 and:0.0430 the:0.0305 of:0.0240 that:0.0233 which:0.0149 as:0.0143 in:0.0112 a:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9039 way:0.0178 right:0.0137 power:0.0125 time:0.0116 order:0.0094 feet:0.0088 hand:0.0088 efforts:0.0073 as:0.0061 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7774 the:0.0514 to:0.0461 of:0.0302 and:0.0269 a:0.0218 in:0.0179 that:0.0122 at:0.0083 by:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.5770 the:0.2305 a:0.0652 that:0.0242 to:0.0227 his:0.0214 and:0.0176 of:0.0148 it:0.0141 in:0.0125 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6949 and:0.0663 that:0.0530 he:0.0381 the:0.0364 it:0.0335 of:0.0274 as:0.0199 to:0.0189 but:0.0116 -:0.8771 it:0.0274 he:0.0211 and:0.0203 who:0.0113 which:0.0104 that:0.0093 there:0.0083 she:0.0081 time:0.0066 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -:0.9032 him:0.0233 them:0.0177 it:0.0111 order:0.0091 me:0.0086 us:0.0078 regard:0.0071 said:0.0064 as:0.0059 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.5350 of:0.2114 to:0.0716 and:0.0538 in:0.0459 for:0.0221 on:0.0164 at:0.0158 with:0.0151 by:0.0129 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7686 of:0.0495 and:0.0446 to:0.0376 the:0.0376 in:0.0164 that:0.0149 for:0.0117 or:0.0096 by:0.0093 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7634 that:0.0516 as:0.0486 and:0.0364 if:0.0212 but:0.0198 for:0.0155 the:0.0149 when:0.0149 to:0.0138 -:0.7155 the:0.0584 to:0.0552 of:0.0512 and:0.0475 that:0.0211 a:0.0174 in:0.0159 for:0.0112 it:0.0067 -:0.7177 of:0.1004 in:0.0639 and:0.0235 to:0.0188 that:0.0180 on:0.0176 for:0.0172 is:0.0125 by:0.0104 -:0.8899 now:0.0278 not:0.0235 made:0.0122 held:0.0092 placed:0.0089 that:0.0083 being:0.0075 so:0.0066 it:0.0061 -:0.6175 of:0.1307 to:0.0494 and:0.0493 in:0.0376 that:0.0359 at:0.0232 for:0.0223 the:0.0211 by:0.0129 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7691 was:0.0430 is:0.0424 and:0.0337 to:0.0263 be:0.0210 has:0.0197 not:0.0179 have:0.0149 had:0.0121 -:0.8213 the:0.0386 and:0.0278 to:0.0251 that:0.0196 of:0.0195 in:0.0150 he:0.0118 a:0.0112 for:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7918 and:0.0597 the:0.0578 a:0.0194 was:0.0158 as:0.0131 to:0.0130 is:0.0120 has:0.0088 be:0.0087 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.4988 of:0.1859 in:0.0814 to:0.0667 at:0.0316 that:0.0308 for:0.0293 on:0.0270 and:0.0268 by:0.0218 -:0.8227 good:0.0354 few:0.0243 great:0.0242 large:0.0229 very:0.0217 little:0.0181 certain:0.0113 a:0.0103 small:0.0091 -:0.7555 that:0.0683 and:0.0583 but:0.0267 as:0.0208 which:0.0150 it:0.0149 ago:0.0146 to:0.0145 he:0.0115 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7329 than:0.1420 of:0.0425 and:0.0196 to:0.0181 the:0.0125 or:0.0121 in:0.0092 with:0.0056 on:0.0054 -:0.8944 to:0.0185 and:0.0183 that:0.0127 up:0.0125 it:0.0124 him:0.0101 them:0.0089 out:0.0072 or:0.0050 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.4002 :0.4176 in:0.0377 and:0.0272 to:0.0252 on:0.0222 at:0.0204 for:0.0200 or:0.0161 with:0.0134 -be:0.3208 :0.5440 to:0.0343 the:0.0255 not:0.0173 a:0.0145 have:0.0142 bo:0.0137 in:0.0090 and:0.0067 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -as:0.2479 :0.5561 that:0.0620 and:0.0317 but:0.0298 if:0.0209 where:0.0153 which:0.0121 when:0.0121 for:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7455 to:0.0619 the:0.0497 and:0.0354 of:0.0251 in:0.0248 a:0.0197 by:0.0158 for:0.0114 that:0.0106 -:0.8757 and:0.0272 of:0.0235 the:0.0170 to:0.0166 a:0.0133 in:0.0092 that:0.0078 for:0.0051 by:0.0046 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.8342 the:0.0412 and:0.0355 to:0.0227 a:0.0212 of:0.0171 was:0.0081 is:0.0071 or:0.0065 in:0.0063 -:0.8269 to:0.0431 the:0.0417 a:0.0263 and:0.0152 in:0.0134 of:0.0124 by:0.0073 for:0.0071 or:0.0067 -:0.9008 the:0.0174 most:0.0132 whole:0.0122 same:0.0120 other:0.0120 last:0.0098 th:0.0078 great:0.0076 first:0.0072 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7986 of:0.0348 and:0.0339 to:0.0322 the:0.0261 is:0.0180 was:0.0163 in:0.0146 a:0.0140 for:0.0116 -:0.7954 and:0.0476 of:0.0444 to:0.0267 the:0.0188 that:0.0184 in:0.0152 as:0.0140 for:0.0109 a:0.0084 -:0.7375 give:0.0508 the:0.0326 take:0.0310 make:0.0297 get:0.0289 keep:0.0250 be:0.0234 pay:0.0213 see:0.0198 -:0.7806 the:0.0983 a:0.0592 of:0.0107 and:0.0096 to:0.0090 it:0.0089 tho:0.0083 this:0.0078 any:0.0075 -of:0.2149 :0.5556 and:0.0692 the:0.0366 to:0.0289 for:0.0210 that:0.0194 in:0.0193 or:0.0179 with:0.0172 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.8355 come:0.0292 been:0.0212 failed:0.0209 not:0.0182 made:0.0180 gone:0.0163 able:0.0158 taken:0.0144 given:0.0103 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.6050 a:0.1861 the:0.1114 no:0.0201 an:0.0182 very:0.0171 not:0.0158 to:0.0092 so:0.0089 his:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6194 of:0.1300 and:0.0722 to:0.0553 in:0.0414 for:0.0207 is:0.0184 was:0.0165 with:0.0132 at:0.0130 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6899 of:0.1059 in:0.0556 he:0.0283 to:0.0268 is:0.0260 and:0.0212 was:0.0171 will:0.0170 on:0.0124 -:0.7129 to:0.0666 the:0.0598 a:0.0499 and:0.0275 in:0.0263 that:0.0154 by:0.0151 of:0.0136 an:0.0128 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7593 to:0.0938 and:0.0512 of:0.0273 a:0.0149 the:0.0128 for:0.0108 as:0.0104 in:0.0099 or:0.0097 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.6650 to:0.0982 the:0.0511 of:0.0447 and:0.0379 in:0.0312 a:0.0236 by:0.0194 for:0.0159 with:0.0129 -:0.5659 the:0.2078 to:0.0715 a:0.0511 in:0.0220 of:0.0210 and:0.0206 it:0.0163 that:0.0129 by:0.0111 -:0.7819 in:0.0447 to:0.0298 as:0.0255 for:0.0239 with:0.0220 by:0.0216 have:0.0195 at:0.0160 of:0.0151 -:0.7572 the:0.0629 and:0.0426 is:0.0414 was:0.0331 to:0.0147 are:0.0142 he:0.0119 a:0.0116 of:0.0104 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7667 the:0.0489 to:0.0406 of:0.0406 and:0.0334 in:0.0191 that:0.0183 for:0.0129 or:0.0098 a:0.0097 -:0.8690 and:0.0221 that:0.0210 together:0.0179 up:0.0156 it:0.0134 to:0.0128 him:0.0119 them:0.0110 of:0.0053 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8907 and:0.0217 the:0.0212 of:0.0211 in:0.0106 is:0.0093 are:0.0072 was:0.0064 that:0.0060 to:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.5033 of:0.2461 and:0.0916 to:0.0417 is:0.0304 in:0.0248 was:0.0218 for:0.0154 or:0.0152 who:0.0096 -:0.9011 and:0.0246 but:0.0114 all:0.0105 fact:0.0099 so:0.0092 is:0.0087 of:0.0086 that:0.0081 as:0.0080 -:0.9323 time:0.0099 year:0.0089 day:0.0086 and:0.0083 place:0.0080 oclock:0.0068 man:0.0058 up:0.0057 interest:0.0056 -:0.7431 of:0.0742 to:0.0452 and:0.0337 the:0.0253 that:0.0244 in:0.0177 for:0.0141 by:0.0128 with:0.0094 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7085 the:0.0820 to:0.0577 and:0.0415 of:0.0306 in:0.0236 that:0.0189 is:0.0131 he:0.0123 a:0.0118 -:0.6945 the:0.0955 a:0.0534 and:0.0437 be:0.0303 was:0.0244 have:0.0165 is:0.0158 has:0.0135 to:0.0124 -:0.7016 that:0.0718 of:0.0485 and:0.0404 as:0.0378 to:0.0285 which:0.0253 when:0.0187 for:0.0157 in:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6572 of:0.1358 to:0.0493 and:0.0471 the:0.0362 in:0.0236 a:0.0155 for:0.0136 on:0.0120 by:0.0097 -be:0.3405 :0.5455 have:0.0285 not:0.0217 bo:0.0179 the:0.0149 to:0.0113 take:0.0071 in:0.0066 get:0.0061 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.9351 and:0.0148 of:0.0095 as:0.0079 so:0.0064 not:0.0061 is:0.0058 that:0.0055 to:0.0046 or:0.0045 -:0.6886 to:0.1243 and:0.0514 the:0.0350 of:0.0288 in:0.0193 will:0.0177 is:0.0125 as:0.0119 was:0.0104 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6089 to:0.0829 of:0.0779 in:0.0705 at:0.0330 on:0.0316 by:0.0295 for:0.0237 that:0.0211 and:0.0210 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6926 the:0.1232 to:0.0418 a:0.0356 and:0.0336 of:0.0298 was:0.0142 in:0.0117 is:0.0089 this:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7850 of:0.0678 and:0.0329 in:0.0265 to:0.0216 for:0.0170 that:0.0130 as:0.0127 at:0.0124 the:0.0111 -of:0.4066 :0.2951 to:0.0625 in:0.0620 and:0.0431 for:0.0388 on:0.0243 that:0.0238 with:0.0227 from:0.0211 -:0.7846 the:0.0588 and:0.0588 that:0.0179 a:0.0169 it:0.0156 to:0.0146 in:0.0134 are:0.0101 for:0.0094 -:0.9108 made:0.0202 not:0.0131 placed:0.0106 found:0.0098 held:0.0081 born:0.0072 paid:0.0071 it:0.0067 engaged:0.0063 -:0.8980 one:0.0421 all:0.0136 some:0.0133 each:0.0065 any:0.0061 those:0.0060 that:0.0059 the:0.0048 many:0.0037 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8553 to:0.0676 and:0.0289 a:0.0104 out:0.0082 or:0.0066 that:0.0064 so:0.0058 the:0.0055 up:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8742 the:0.0280 one:0.0180 it:0.0163 a:0.0160 that:0.0125 he:0.0104 to:0.0096 such:0.0077 her:0.0072 -:0.8820 they:0.0275 we:0.0207 he:0.0164 there:0.0130 and:0.0105 to:0.0093 who:0.0082 men:0.0065 it:0.0058 -:0.6366 of:0.1381 to:0.0617 and:0.0379 in:0.0300 is:0.0267 the:0.0199 for:0.0173 was:0.0167 a:0.0151 -:0.5813 that:0.1079 and:0.0775 to:0.0619 of:0.0465 the:0.0279 as:0.0269 is:0.0242 a:0.0231 in:0.0230 -will:0.1954 :0.3987 to:0.0772 may:0.0767 would:0.0500 can:0.0494 he:0.0474 shall:0.0412 we:0.0355 should:0.0285 -:0.7005 of:0.0856 to:0.0507 in:0.0424 that:0.0325 on:0.0221 for:0.0211 and:0.0166 at:0.0155 with:0.0129 -:0.8205 to:0.0648 and:0.0538 of:0.0125 the:0.0105 that:0.0088 was:0.0082 is:0.0080 will:0.0066 in:0.0064 -he:0.3438 :0.3508 they:0.0952 she:0.0632 we:0.0554 it:0.0396 there:0.0191 ho:0.0151 you:0.0102 which:0.0076 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -the:0.1774 :0.5723 to:0.0848 a:0.0386 in:0.0300 and:0.0283 by:0.0215 his:0.0172 that:0.0155 all:0.0143 -:0.7583 to:0.0716 and:0.0689 as:0.0231 of:0.0171 that:0.0161 not:0.0141 we:0.0116 will:0.0112 in:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7286 of:0.0734 to:0.0574 and:0.0289 the:0.0288 in:0.0280 by:0.0145 with:0.0140 for:0.0136 a:0.0127 -:0.4979 of:0.1494 in:0.0980 to:0.0656 on:0.0376 for:0.0350 and:0.0341 at:0.0311 that:0.0294 by:0.0219 -:0.7456 order:0.0892 regard:0.0760 addition:0.0259 relation:0.0160 reference:0.0117 said:0.0102 him:0.0096 them:0.0083 view:0.0076 -:0.7023 of:0.0997 and:0.0476 the:0.0315 that:0.0293 to:0.0262 in:0.0215 for:0.0150 was:0.0135 a:0.0134 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7965 as:0.0416 the:0.0281 that:0.0279 and:0.0263 be:0.0226 a:0.0219 to:0.0130 is:0.0127 of:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9158 one:0.0286 out:0.0169 some:0.0073 many:0.0073 much:0.0057 part:0.0055 and:0.0049 it:0.0041 line:0.0040 -:0.7083 the:0.1325 a:0.0375 and:0.0350 of:0.0193 is:0.0185 was:0.0160 to:0.0148 are:0.0094 in:0.0087 -:0.7611 in:0.0529 to:0.0400 at:0.0276 of:0.0212 by:0.0211 and:0.0211 the:0.0202 for:0.0191 no:0.0156 -:0.7408 the:0.0952 all:0.0348 in:0.0244 that:0.0228 a:0.0226 which:0.0169 by:0.0153 with:0.0146 of:0.0124 -:0.6376 the:0.1479 a:0.0536 he:0.0469 it:0.0260 they:0.0228 not:0.0182 you:0.0165 we:0.0155 to:0.0150 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6105 of:0.1195 to:0.0503 the:0.0501 that:0.0439 in:0.0411 and:0.0356 at:0.0188 for:0.0158 a:0.0143 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.6428 the:0.1544 of:0.0463 and:0.0447 a:0.0317 to:0.0260 in:0.0207 is:0.0129 was:0.0107 his:0.0098 -:0.6453 of:0.1116 to:0.0839 and:0.0432 in:0.0344 is:0.0178 the:0.0173 was:0.0159 for:0.0159 by:0.0146 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -not:0.5806 :0.3334 to:0.0227 so:0.0132 the:0.0130 it:0.0116 that:0.0075 he:0.0064 now:0.0063 we:0.0055 -:0.7706 to:0.0476 the:0.0441 of:0.0366 and:0.0319 in:0.0192 a:0.0154 that:0.0141 as:0.0104 for:0.0101 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6066 not:0.1545 the:0.1217 a:0.0442 that:0.0179 to:0.0125 it:0.0121 so:0.0115 an:0.0103 no:0.0087 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -the:0.2735 :0.5114 a:0.0650 one:0.0359 this:0.0233 per:0.0204 any:0.0185 two:0.0180 tho:0.0178 three:0.0163 -:0.6672 to:0.0676 not:0.0563 in:0.0534 that:0.0374 of:0.0361 for:0.0221 at:0.0211 by:0.0203 on:0.0187 -:0.6432 to:0.1685 and:0.0549 the:0.0416 of:0.0223 will:0.0173 was:0.0168 is:0.0138 or:0.0115 a:0.0101 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.3079 :0.4700 have:0.0742 not:0.0619 bo:0.0250 as:0.0157 the:0.0148 he:0.0124 to:0.0097 that:0.0083 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8218 and:0.0572 him:0.0226 up:0.0199 that:0.0168 out:0.0147 it:0.0131 is:0.0121 them:0.0113 was:0.0105 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.5601 of:0.1577 to:0.0952 and:0.0393 in:0.0344 for:0.0337 with:0.0266 by:0.0233 as:0.0153 on:0.0144 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -a:0.2986 :0.4750 the:0.1244 an:0.0207 it:0.0194 to:0.0172 well:0.0120 he:0.0118 his:0.0105 tho:0.0102 -the:0.3122 :0.5297 a:0.0593 this:0.0210 his:0.0200 and:0.0161 their:0.0122 tho:0.0122 of:0.0095 its:0.0077 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -of:0.2969 :0.3899 in:0.0725 to:0.0531 for:0.0416 and:0.0384 on:0.0300 from:0.0300 with:0.0257 at:0.0219 -:0.8617 and:0.0334 in:0.0214 of:0.0160 at:0.0158 to:0.0157 from:0.0114 on:0.0090 for:0.0082 with:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7912 to:0.0457 and:0.0369 the:0.0246 of:0.0235 a:0.0231 is:0.0169 in:0.0152 was:0.0135 are:0.0094 -:0.8839 and:0.0312 is:0.0194 was:0.0145 to:0.0119 are:0.0094 as:0.0084 we:0.0082 it:0.0066 were:0.0065 -:0.7255 of:0.0633 a:0.0445 and:0.0398 to:0.0327 in:0.0251 the:0.0246 for:0.0168 not:0.0140 are:0.0137 -:0.7058 of:0.0746 the:0.0576 and:0.0481 in:0.0234 that:0.0234 for:0.0220 with:0.0176 a:0.0141 by:0.0134 -:0.9326 said:0.0156 time:0.0096 world:0.0081 same:0.0075 fact:0.0069 country:0.0056 city:0.0048 case:0.0046 following:0.0045 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8960 and:0.0304 of:0.0178 that:0.0116 to:0.0082 in:0.0078 as:0.0074 with:0.0073 for:0.0068 was:0.0066 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7440 well:0.0533 known:0.0443 not:0.0304 so:0.0277 soon:0.0272 just:0.0246 regarded:0.0188 now:0.0174 hereby:0.0123 -to:0.1632 of:0.1388 :0.4184 in:0.0760 and:0.0710 at:0.0360 that:0.0271 for:0.0249 on:0.0227 with:0.0219 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6647 of:0.1245 and:0.0509 to:0.0439 in:0.0250 who:0.0238 is:0.0209 the:0.0169 was:0.0160 or:0.0134 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7268 the:0.1673 a:0.0262 of:0.0205 and:0.0170 in:0.0133 at:0.0094 tho:0.0068 any:0.0065 or:0.0062 -is:0.3134 was:0.1693 :0.4020 are:0.0310 in:0.0196 have:0.0135 were:0.0132 as:0.0130 of:0.0126 with:0.0124 -to:0.1791 :0.5622 and:0.0722 not:0.0577 a:0.0253 of:0.0251 be:0.0251 will:0.0206 the:0.0183 are:0.0143 -:0.5370 of:0.2264 to:0.0755 and:0.0641 in:0.0285 by:0.0185 for:0.0163 from:0.0117 on:0.0114 at:0.0105 -:0.8096 of:0.0346 is:0.0301 are:0.0298 and:0.0216 will:0.0180 in:0.0165 were:0.0148 have:0.0133 was:0.0116 -the:0.4180 :0.3393 to:0.0761 a:0.0608 his:0.0250 any:0.0209 in:0.0193 and:0.0144 by:0.0140 tho:0.0122 -:0.6566 the:0.1630 of:0.0496 a:0.0345 and:0.0257 at:0.0178 in:0.0161 is:0.0160 for:0.0104 was:0.0103 -:0.8231 and:0.0399 of:0.0342 the:0.0241 to:0.0193 in:0.0159 a:0.0133 is:0.0102 are:0.0100 that:0.0099 -the:0.3854 :0.4061 a:0.0877 his:0.0304 this:0.0257 tho:0.0193 any:0.0147 their:0.0113 our:0.0104 its:0.0090 -:0.6194 he:0.1598 it:0.0529 who:0.0445 and:0.0341 there:0.0237 she:0.0200 that:0.0157 as:0.0150 is:0.0149 -:0.8493 the:0.0258 to:0.0222 in:0.0221 and:0.0182 that:0.0165 of:0.0149 a:0.0133 for:0.0105 by:0.0073 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5455 of:0.1246 and:0.0951 to:0.0748 the:0.0348 in:0.0345 that:0.0310 is:0.0232 for:0.0184 or:0.0179 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9485 years:0.0084 men:0.0076 days:0.0073 up:0.0063 and:0.0061 in:0.0043 it:0.0040 them:0.0039 more:0.0035 -:0.6990 of:0.0718 the:0.0556 and:0.0420 to:0.0393 in:0.0230 or:0.0208 a:0.0186 with:0.0157 by:0.0142 -:0.8246 the:0.0603 to:0.0399 and:0.0253 a:0.0128 of:0.0110 in:0.0075 this:0.0069 that:0.0065 it:0.0052 -:0.9057 to:0.0167 the:0.0153 he:0.0128 then:0.0092 that:0.0087 all:0.0084 in:0.0080 we:0.0077 they:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9154 to:0.0234 and:0.0210 up:0.0087 of:0.0061 day:0.0054 are:0.0053 or:0.0051 down:0.0049 time:0.0047 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9402 same:0.0118 first:0.0095 best:0.0078 most:0.0056 said:0.0055 people:0.0052 other:0.0051 next:0.0049 public:0.0045 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.6085 the:0.1554 and:0.0511 of:0.0478 to:0.0421 a:0.0319 that:0.0237 in:0.0212 with:0.0094 by:0.0089 -the:0.1142 :0.7757 a:0.0466 and:0.0113 an:0.0109 his:0.0105 to:0.0088 this:0.0083 no:0.0070 of:0.0068 -:0.8062 the:0.0826 a:0.0297 that:0.0186 in:0.0119 to:0.0118 it:0.0107 of:0.0106 and:0.0104 by:0.0075 -:0.8322 and:0.0712 of:0.0183 to:0.0178 that:0.0170 the:0.0126 a:0.0099 or:0.0074 so:0.0069 all:0.0067 -:0.8123 and:0.0393 is:0.0286 to:0.0233 of:0.0225 was:0.0183 at:0.0179 as:0.0138 in:0.0131 for:0.0109 -:0.8324 the:0.0384 of:0.0350 and:0.0208 to:0.0190 in:0.0143 is:0.0120 was:0.0106 for:0.0088 a:0.0086 -:0.8183 the:0.0446 that:0.0230 to:0.0202 and:0.0200 of:0.0198 in:0.0169 a:0.0134 as:0.0123 it:0.0115 -:0.4611 has:0.2458 have:0.1492 had:0.0728 having:0.0306 and:0.0140 lias:0.0082 to:0.0064 as:0.0061 not:0.0059 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7633 the:0.0692 be:0.0249 was:0.0247 had:0.0221 is:0.0216 have:0.0215 a:0.0196 has:0.0170 he:0.0161 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7498 of:0.0998 and:0.0451 the:0.0343 to:0.0145 in:0.0137 which:0.0135 or:0.0126 that:0.0083 for:0.0082 -:0.7722 he:0.0441 they:0.0397 it:0.0315 and:0.0284 who:0.0242 we:0.0212 which:0.0152 that:0.0144 you:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.8516 him:0.0421 them:0.0284 it:0.0259 us:0.0120 me:0.0110 which:0.0094 the:0.0072 that:0.0064 you:0.0060 -:0.6692 the:0.1290 a:0.0781 only:0.0310 be:0.0210 this:0.0174 that:0.0163 in:0.0135 no:0.0127 one:0.0119 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8324 the:0.0867 and:0.0182 of:0.0164 a:0.0118 that:0.0083 in:0.0078 so:0.0064 his:0.0063 said:0.0058 -:0.5744 the:0.1962 a:0.0894 of:0.0425 and:0.0222 to:0.0203 his:0.0192 in:0.0135 their:0.0120 this:0.0101 -:0.6244 in:0.0841 to:0.0558 of:0.0540 that:0.0425 for:0.0378 by:0.0285 on:0.0268 at:0.0239 from:0.0222 -:0.7922 the:0.0860 a:0.0238 and:0.0194 to:0.0191 of:0.0188 in:0.0134 it:0.0101 that:0.0100 as:0.0073 -:0.7536 of:0.0683 and:0.0529 in:0.0305 to:0.0240 the:0.0171 is:0.0156 that:0.0133 was:0.0132 for:0.0115 -:0.6601 the:0.1488 a:0.0861 of:0.0268 and:0.0249 to:0.0156 or:0.0103 are:0.0098 in:0.0089 is:0.0087 -:0.9093 and:0.0183 of:0.0151 other:0.0117 the:0.0104 or:0.0083 a:0.0082 more:0.0068 hundred:0.0063 one:0.0056 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -the:0.1827 :0.6163 his:0.0693 their:0.0396 a:0.0239 its:0.0205 all:0.0136 our:0.0118 tho:0.0114 that:0.0109 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.7038 of:0.1243 a:0.0327 to:0.0289 and:0.0273 in:0.0244 the:0.0233 for:0.0140 at:0.0128 with:0.0085 -:0.4810 of:0.1463 to:0.1115 in:0.0633 for:0.0498 and:0.0363 on:0.0346 from:0.0333 at:0.0262 by:0.0178 -of:0.1743 :0.3970 in:0.1113 to:0.0955 for:0.0437 on:0.0412 at:0.0411 by:0.0355 from:0.0312 with:0.0293 -:0.7887 the:0.0830 and:0.0453 of:0.0174 a:0.0168 is:0.0133 he:0.0104 this:0.0092 was:0.0081 his:0.0079 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6926 the:0.1046 a:0.0554 to:0.0358 of:0.0336 and:0.0323 that:0.0159 his:0.0110 in:0.0100 for:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9377 it:0.0091 and:0.0090 that:0.0082 him:0.0074 in:0.0071 up:0.0064 the:0.0058 to:0.0049 years:0.0044 -:0.6008 of:0.1521 in:0.0689 to:0.0359 for:0.0292 with:0.0279 and:0.0244 from:0.0229 by:0.0195 the:0.0182 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8932 well:0.0260 it:0.0237 soon:0.0111 he:0.0096 the:0.0083 a:0.0073 they:0.0072 much:0.0072 possible:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6198 of:0.1717 and:0.0852 to:0.0349 in:0.0199 the:0.0173 is:0.0151 for:0.0130 that:0.0122 with:0.0110 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.7552 be:0.0595 only:0.0530 in:0.0217 have:0.0204 to:0.0201 by:0.0199 as:0.0193 make:0.0164 get:0.0145 -:0.8297 and:0.0644 of:0.0258 the:0.0166 that:0.0149 or:0.0123 which:0.0111 he:0.0092 a:0.0082 as:0.0079 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.9023 made:0.0283 owned:0.0112 out:0.0090 followed:0.0089 received:0.0086 used:0.0084 shown:0.0081 secured:0.0076 done:0.0076 -:0.7865 the:0.0582 a:0.0312 and:0.0255 of:0.0224 to:0.0205 in:0.0181 that:0.0146 as:0.0127 by:0.0103 -:0.9535 and:0.0106 it:0.0084 him:0.0056 is:0.0047 work:0.0039 as:0.0036 to:0.0036 was:0.0032 do:0.0029 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.6809 to:0.1246 and:0.0968 of:0.0371 in:0.0155 for:0.0103 was:0.0097 as:0.0086 with:0.0084 is:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8570 the:0.0271 to:0.0260 of:0.0240 and:0.0148 a:0.0131 in:0.0119 that:0.0110 it:0.0085 for:0.0065 -the:0.3584 a:0.1865 :0.3144 his:0.0314 this:0.0313 tho:0.0200 any:0.0175 their:0.0151 said:0.0134 our:0.0121 -:0.6174 the:0.2283 a:0.0392 and:0.0276 of:0.0198 this:0.0189 his:0.0174 is:0.0119 their:0.0098 tho:0.0097 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.8574 of:0.0463 to:0.0219 and:0.0188 in:0.0142 on:0.0096 for:0.0094 as:0.0085 at:0.0071 by:0.0068 -of:0.3886 :0.4397 and:0.0660 to:0.0316 in:0.0218 or:0.0125 for:0.0124 at:0.0098 on:0.0088 by:0.0086 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -be:0.5346 :0.2816 the:0.0733 not:0.0495 bo:0.0205 a:0.0126 have:0.0097 to:0.0080 his:0.0052 he:0.0048 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -he:0.2685 :0.3281 it:0.1276 they:0.1104 we:0.0595 she:0.0341 there:0.0330 ho:0.0160 you:0.0125 which:0.0101 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -the:0.5416 a:0.1480 :0.1831 his:0.0295 this:0.0243 their:0.0239 tho:0.0144 its:0.0136 an:0.0115 our:0.0101 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8637 the:0.0407 and:0.0231 to:0.0217 of:0.0136 he:0.0081 a:0.0075 will:0.0072 in:0.0072 his:0.0071 -:0.6115 the:0.1322 a:0.0647 and:0.0477 that:0.0404 to:0.0313 in:0.0245 at:0.0191 of:0.0147 for:0.0138 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -the:0.2010 :0.5040 of:0.1007 a:0.0744 and:0.0434 that:0.0191 his:0.0169 is:0.0143 this:0.0133 their:0.0129 -:0.8321 and:0.0489 to:0.0422 of:0.0138 will:0.0132 in:0.0114 but:0.0108 that:0.0099 as:0.0093 is:0.0084 -:0.9403 and:0.0225 to:0.0056 is:0.0052 of:0.0050 that:0.0049 one:0.0045 the:0.0044 was:0.0041 all:0.0036 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -:0.7594 of:0.0779 and:0.0442 to:0.0288 in:0.0217 the:0.0198 that:0.0173 for:0.0137 at:0.0088 on:0.0083 -:0.6297 of:0.1898 and:0.0469 the:0.0297 to:0.0294 a:0.0199 in:0.0193 that:0.0133 for:0.0117 on:0.0103 -:0.7991 of:0.0834 and:0.0335 the:0.0326 to:0.0122 in:0.0104 or:0.0086 that:0.0071 a:0.0067 as:0.0064 -be:0.6829 :0.2052 not:0.0325 bo:0.0284 have:0.0204 the:0.0118 he:0.0053 a:0.0052 to:0.0044 do:0.0038 -of:0.2592 to:0.1299 :0.2993 in:0.0947 for:0.0616 and:0.0380 by:0.0325 on:0.0295 with:0.0279 that:0.0275 -:0.8752 him:0.0401 it:0.0146 that:0.0117 up:0.0114 made:0.0108 and:0.0107 them:0.0107 out:0.0083 not:0.0066 -had:0.2015 have:0.1983 :0.4022 has:0.1385 having:0.0236 he:0.0093 not:0.0074 lias:0.0070 never:0.0063 bad:0.0058 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6711 the:0.1359 a:0.0785 and:0.0315 to:0.0277 of:0.0219 was:0.0093 an:0.0082 his:0.0081 is:0.0079 -:0.8107 the:0.0982 all:0.0293 a:0.0146 that:0.0104 in:0.0084 tho:0.0076 such:0.0071 which:0.0070 said:0.0066 -:0.7333 the:0.1205 and:0.0329 of:0.0269 that:0.0230 a:0.0215 to:0.0177 is:0.0082 in:0.0080 as:0.0080 -:0.8907 and:0.0217 the:0.0212 of:0.0211 in:0.0106 is:0.0093 are:0.0072 was:0.0064 that:0.0060 to:0.0058 -:0.8459 to:0.0490 of:0.0240 and:0.0175 in:0.0158 the:0.0109 a:0.0101 for:0.0096 that:0.0093 on:0.0078 -:0.5530 the:0.1881 a:0.1467 his:0.0245 to:0.0182 and:0.0176 tho:0.0158 an:0.0150 their:0.0110 much:0.0101 -:0.7871 the:0.0797 and:0.0288 a:0.0264 to:0.0234 of:0.0140 his:0.0127 he:0.0102 is:0.0099 who:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0304 a:0.0125 tho:0.0065 :0.9284 their:0.0044 tbe:0.0041 his:0.0038 this:0.0034 our:0.0033 its:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7142 to:0.0699 the:0.0689 and:0.0455 be:0.0247 was:0.0186 a:0.0165 of:0.0156 is:0.0154 have:0.0107 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8900 and:0.0296 as:0.0198 that:0.0126 but:0.0099 him:0.0087 up:0.0080 it:0.0079 them:0.0073 or:0.0062 -:0.8117 and:0.0380 the:0.0283 as:0.0235 is:0.0207 that:0.0186 of:0.0162 a:0.0152 to:0.0141 was:0.0136 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8680 up:0.0252 as:0.0189 him:0.0189 them:0.0184 and:0.0170 time:0.0110 way:0.0078 it:0.0076 or:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2795 :0.5025 and:0.0736 to:0.0366 in:0.0252 the:0.0251 or:0.0177 for:0.0146 is:0.0142 with:0.0110 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.9258 and:0.0231 to:0.0117 went:0.0064 that:0.0064 it:0.0062 came:0.0055 is:0.0053 as:0.0049 which:0.0047 -:0.9426 city:0.0085 time:0.0075 same:0.0075 bill:0.0063 country:0.0063 case:0.0059 matter:0.0053 world:0.0052 result:0.0050 -:0.7330 the:0.0771 a:0.0553 and:0.0454 is:0.0212 was:0.0165 of:0.0160 be:0.0136 are:0.0121 to:0.0098 -:0.5816 of:0.1980 and:0.0661 to:0.0314 in:0.0262 as:0.0230 is:0.0230 for:0.0201 was:0.0177 or:0.0128 -:0.9471 few:0.0141 man:0.0077 long:0.0054 year:0.0048 time:0.0047 little:0.0046 good:0.0043 great:0.0039 large:0.0034 -:0.7803 to:0.0878 and:0.0403 the:0.0234 in:0.0202 that:0.0119 a:0.0117 for:0.0107 at:0.0070 of:0.0067 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7575 the:0.0427 he:0.0378 a:0.0326 to:0.0262 and:0.0250 you:0.0221 be:0.0196 we:0.0185 it:0.0178 -:0.9006 that:0.0247 in:0.0127 and:0.0105 if:0.0101 to:0.0099 as:0.0095 he:0.0078 of:0.0071 from:0.0070 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -be:0.2747 :0.5648 the:0.0456 not:0.0267 he:0.0181 a:0.0178 to:0.0156 bo:0.0148 have:0.0121 it:0.0099 -:0.6808 the:0.1808 a:0.0535 to:0.0162 of:0.0133 and:0.0130 in:0.0118 his:0.0115 this:0.0101 an:0.0089 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -will:0.1703 :0.4841 to:0.0901 can:0.0554 may:0.0540 are:0.0478 would:0.0379 should:0.0225 shall:0.0202 have:0.0178 -:0.6817 of:0.1188 and:0.0423 the:0.0401 to:0.0381 in:0.0277 for:0.0153 by:0.0125 a:0.0121 that:0.0114 -:0.7939 the:0.0558 of:0.0381 and:0.0310 to:0.0195 in:0.0184 a:0.0140 by:0.0112 have:0.0094 be:0.0086 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9198 same:0.0130 whole:0.0109 said:0.0106 most:0.0093 other:0.0079 highest:0.0075 great:0.0074 following:0.0067 first:0.0067 -:0.5313 of:0.1796 and:0.0649 in:0.0570 to:0.0492 with:0.0317 for:0.0293 is:0.0224 by:0.0175 from:0.0170 -:0.8808 and:0.0376 of:0.0223 a:0.0137 that:0.0089 the:0.0086 to:0.0082 last:0.0069 in:0.0068 th:0.0061 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.8340 in:0.0359 of:0.0340 and:0.0231 for:0.0170 with:0.0141 on:0.0126 at:0.0109 is:0.0099 from:0.0085 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8986 made:0.0200 and:0.0141 out:0.0137 up:0.0111 owned:0.0104 to:0.0103 down:0.0096 received:0.0064 passed:0.0058 -:0.9050 made:0.0295 found:0.0109 it:0.0096 a:0.0090 done:0.0086 taken:0.0072 given:0.0068 that:0.0068 set:0.0064 -of:0.2397 :0.3406 in:0.0882 to:0.0781 for:0.0532 on:0.0490 with:0.0417 at:0.0397 by:0.0361 that:0.0336 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6469 to:0.0667 of:0.0636 and:0.0544 the:0.0542 in:0.0370 for:0.0214 a:0.0205 was:0.0197 is:0.0157 -:0.9145 one:0.0269 all:0.0122 some:0.0100 it:0.0069 part:0.0069 out:0.0063 many:0.0061 time:0.0051 he:0.0051 -:0.8851 and:0.0232 it:0.0171 up:0.0151 him:0.0129 them:0.0118 is:0.0111 out:0.0092 the:0.0074 that:0.0072 -of:0.3079 to:0.1070 :0.3108 in:0.0663 for:0.0558 and:0.0432 with:0.0317 on:0.0310 from:0.0261 by:0.0202 -a:0.2384 the:0.1600 :0.4731 not:0.0306 no:0.0293 an:0.0244 very:0.0138 his:0.0110 their:0.0104 so:0.0089 -the:0.2705 :0.5238 a:0.0749 and:0.0373 this:0.0201 his:0.0183 of:0.0159 tho:0.0144 was:0.0142 is:0.0106 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -of:0.2419 :0.6223 and:0.0495 or:0.0202 in:0.0143 to:0.0136 the:0.0127 for:0.0100 that:0.0091 who:0.0063 -:0.6734 the:0.1466 a:0.0785 and:0.0318 of:0.0159 his:0.0129 was:0.0127 is:0.0110 to:0.0097 this:0.0077 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7291 the:0.0838 and:0.0561 that:0.0298 of:0.0285 a:0.0189 he:0.0153 is:0.0147 was:0.0124 it:0.0114 -the:0.0926 :0.8249 that:0.0154 his:0.0140 their:0.0103 other:0.0099 said:0.0089 and:0.0085 its:0.0081 a:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7585 had:0.0495 have:0.0429 are:0.0351 has:0.0253 is:0.0252 was:0.0233 were:0.0155 of:0.0135 in:0.0112 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7874 and:0.0766 is:0.0336 was:0.0247 to:0.0242 are:0.0121 be:0.0115 of:0.0102 has:0.0099 the:0.0098 -:0.8354 and:0.0289 is:0.0274 the:0.0255 was:0.0188 to:0.0187 of:0.0139 in:0.0135 be:0.0096 are:0.0084 -:0.9401 same:0.0108 last:0.0086 first:0.0071 most:0.0064 other:0.0062 said:0.0059 the:0.0056 old:0.0050 past:0.0043 -:0.9340 time:0.0193 year:0.0095 city:0.0076 day:0.0060 bill:0.0050 way:0.0049 matter:0.0048 county:0.0045 case:0.0045 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5840 of:0.1189 to:0.0944 in:0.0558 and:0.0358 the:0.0323 at:0.0220 or:0.0199 for:0.0196 by:0.0172 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8873 a:0.0323 the:0.0283 be:0.0119 not:0.0073 and:0.0071 he:0.0070 is:0.0068 so:0.0064 all:0.0058 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8072 the:0.0362 they:0.0340 it:0.0289 which:0.0264 he:0.0165 we:0.0158 a:0.0130 him:0.0115 them:0.0104 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8149 of:0.0345 in:0.0339 to:0.0285 for:0.0191 and:0.0164 by:0.0152 with:0.0143 that:0.0116 on:0.0115 -:0.6896 the:0.1448 of:0.0505 a:0.0293 and:0.0185 to:0.0179 in:0.0135 his:0.0125 that:0.0119 with:0.0116 -:0.9460 the:0.0133 a:0.0105 had:0.0067 was:0.0046 have:0.0043 of:0.0039 be:0.0037 and:0.0035 been:0.0035 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -of:0.2795 :0.5025 and:0.0736 to:0.0366 in:0.0252 the:0.0251 or:0.0177 for:0.0146 is:0.0142 with:0.0110 -:0.6538 the:0.0953 of:0.0721 a:0.0539 to:0.0415 and:0.0312 in:0.0151 for:0.0129 is:0.0125 his:0.0117 -:0.6144 be:0.2576 the:0.0261 do:0.0244 bo:0.0203 have:0.0198 he:0.0136 lie:0.0081 a:0.0080 to:0.0077 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.5881 of:0.1718 and:0.0838 to:0.0573 in:0.0282 for:0.0207 by:0.0135 the:0.0128 or:0.0121 with:0.0116 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.4975 to:0.0975 in:0.0907 of:0.0809 for:0.0673 and:0.0607 by:0.0348 as:0.0249 from:0.0239 with:0.0219 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7734 the:0.0622 a:0.0460 of:0.0248 and:0.0196 was:0.0184 in:0.0149 be:0.0144 is:0.0135 to:0.0127 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6713 it:0.1097 he:0.0535 and:0.0500 that:0.0339 as:0.0197 which:0.0175 to:0.0156 there:0.0150 who:0.0137 -the:0.2063 :0.6363 a:0.0551 to:0.0232 and:0.0206 his:0.0162 of:0.0120 tho:0.0104 their:0.0103 will:0.0095 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.6393 be:0.1869 not:0.0600 have:0.0471 bo:0.0182 the:0.0161 take:0.0090 make:0.0080 a:0.0078 get:0.0076 -:0.7295 to:0.0892 and:0.0535 the:0.0355 in:0.0247 of:0.0233 a:0.0189 for:0.0087 or:0.0086 by:0.0080 -:0.8492 the:0.0381 that:0.0265 to:0.0216 in:0.0156 and:0.0127 as:0.0100 a:0.0098 of:0.0088 more:0.0079 -was:0.1630 :0.5405 had:0.0938 is:0.0826 has:0.0467 in:0.0196 took:0.0163 saw:0.0146 as:0.0115 of:0.0115 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.7784 more:0.1048 less:0.0293 that:0.0291 and:0.0200 which:0.0089 of:0.0085 it:0.0074 the:0.0074 to:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8032 to:0.0486 be:0.0285 only:0.0245 by:0.0239 in:0.0198 for:0.0136 the:0.0134 as:0.0122 give:0.0122 -:0.6501 with:0.0627 in:0.0537 by:0.0474 of:0.0409 for:0.0396 as:0.0333 at:0.0276 to:0.0239 on:0.0208 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6108 that:0.1320 if:0.1065 it:0.0333 what:0.0251 as:0.0200 when:0.0189 though:0.0185 he:0.0177 a:0.0173 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.6942 the:0.1751 a:0.0460 one:0.0181 they:0.0152 we:0.0121 his:0.0117 he:0.0104 an:0.0086 per:0.0086 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.8181 and:0.0568 to:0.0317 the:0.0311 of:0.0165 is:0.0111 was:0.0101 will:0.0087 a:0.0083 he:0.0074 -:0.8482 and:0.0357 hundred:0.0198 is:0.0178 to:0.0150 years:0.0138 or:0.0132 was:0.0132 months:0.0118 days:0.0115 -:0.5765 the:0.1739 to:0.0531 and:0.0448 in:0.0360 of:0.0358 a:0.0315 for:0.0184 by:0.0170 with:0.0130 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.7262 not:0.0679 to:0.0531 a:0.0455 the:0.0370 now:0.0242 no:0.0147 at:0.0125 made:0.0101 for:0.0088 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2904 :0.3847 in:0.1017 to:0.0700 for:0.0382 and:0.0314 with:0.0265 from:0.0225 by:0.0173 on:0.0173 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.8325 the:0.0509 are:0.0263 have:0.0174 a:0.0171 is:0.0136 had:0.0124 was:0.0110 not:0.0102 be:0.0087 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -the:0.4391 :0.4180 a:0.0527 his:0.0189 their:0.0147 this:0.0134 no:0.0109 an:0.0109 any:0.0109 in:0.0104 -:0.8079 of:0.0919 and:0.0335 in:0.0156 to:0.0134 the:0.0114 on:0.0074 who:0.0068 a:0.0062 is:0.0059 -:0.7323 the:0.1167 and:0.0449 a:0.0296 of:0.0284 that:0.0133 in:0.0092 is:0.0091 was:0.0084 said:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8546 the:0.0660 a:0.0251 of:0.0121 and:0.0098 in:0.0088 to:0.0075 one:0.0057 it:0.0053 all:0.0052 -:0.6189 to:0.1114 and:0.0816 of:0.0706 in:0.0383 for:0.0212 the:0.0166 was:0.0147 or:0.0136 on:0.0130 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7301 the:0.0859 a:0.0462 of:0.0306 and:0.0235 to:0.0209 that:0.0200 not:0.0163 in:0.0151 for:0.0115 -of:0.2480 :0.4879 in:0.0507 to:0.0392 for:0.0335 and:0.0316 from:0.0308 on:0.0306 that:0.0253 with:0.0225 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8048 be:0.0549 the:0.0358 go:0.0240 get:0.0211 come:0.0162 do:0.0120 put:0.0105 a:0.0104 carry:0.0102 -:0.6556 to:0.0802 of:0.0798 and:0.0788 the:0.0276 or:0.0267 a:0.0223 in:0.0150 for:0.0071 with:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7625 the:0.1018 a:0.0396 that:0.0175 and:0.0174 to:0.0164 in:0.0135 of:0.0134 it:0.0095 an:0.0085 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.1233 :0.7024 a:0.0796 is:0.0208 an:0.0156 be:0.0130 tho:0.0122 are:0.0119 this:0.0114 was:0.0098 -:0.8042 the:0.0702 and:0.0229 is:0.0193 was:0.0184 be:0.0171 who:0.0154 he:0.0131 not:0.0098 are:0.0096 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.5753 the:0.2461 a:0.0700 to:0.0180 tho:0.0173 an:0.0158 that:0.0155 and:0.0150 of:0.0142 his:0.0128 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8749 the:0.0365 him:0.0170 such:0.0121 it:0.0111 which:0.0108 this:0.0108 a:0.0099 his:0.0087 one:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8153 own:0.0920 the:0.0371 a:0.0172 great:0.0093 per:0.0068 old:0.0059 first:0.0058 very:0.0053 one:0.0053 -:0.7747 to:0.0430 the:0.0394 of:0.0354 and:0.0336 in:0.0230 a:0.0182 for:0.0125 by:0.0107 at:0.0093 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5952 he:0.1685 it:0.0707 that:0.0489 much:0.0281 to:0.0275 they:0.0247 we:0.0141 as:0.0116 and:0.0109 -:0.8127 the:0.0351 and:0.0320 to:0.0281 of:0.0234 was:0.0197 is:0.0163 in:0.0156 be:0.0086 for:0.0086 -:0.7995 of:0.0652 and:0.0370 to:0.0200 in:0.0185 is:0.0160 as:0.0112 for:0.0111 at:0.0108 was:0.0107 -the:0.2304 :0.5324 a:0.0736 of:0.0501 and:0.0337 is:0.0206 his:0.0164 in:0.0149 was:0.0146 tho:0.0132 -of:0.4297 :0.3156 in:0.0550 to:0.0451 on:0.0346 for:0.0297 and:0.0241 by:0.0240 with:0.0223 at:0.0199 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9098 the:0.0242 and:0.0124 of:0.0111 in:0.0103 that:0.0090 a:0.0080 to:0.0068 for:0.0043 as:0.0042 -:0.8987 and:0.0284 to:0.0251 it:0.0091 but:0.0077 out:0.0067 made:0.0065 as:0.0062 up:0.0062 of:0.0055 -:0.8213 of:0.0456 the:0.0292 and:0.0277 to:0.0208 that:0.0146 in:0.0123 a:0.0099 or:0.0098 for:0.0087 -:0.9021 not:0.0163 able:0.0150 made:0.0130 going:0.0111 unable:0.0110 compelled:0.0100 as:0.0073 allowed:0.0072 ready:0.0069 -:0.7448 of:0.0510 and:0.0480 to:0.0344 in:0.0280 the:0.0262 that:0.0251 for:0.0157 as:0.0150 by:0.0118 -the:0.4518 :0.3552 a:0.0610 his:0.0373 this:0.0239 their:0.0225 tho:0.0174 any:0.0128 its:0.0095 her:0.0088 -:0.7605 say:0.0802 see:0.0273 know:0.0266 believe:0.0218 show:0.0195 be:0.0185 think:0.0166 do:0.0148 get:0.0143 -:0.5936 the:0.2175 a:0.0832 of:0.0294 tho:0.0161 and:0.0160 this:0.0141 his:0.0107 was:0.0101 in:0.0093 -:0.7026 of:0.0765 the:0.0513 and:0.0380 to:0.0305 a:0.0269 in:0.0246 is:0.0229 was:0.0152 that:0.0116 -:0.6713 of:0.0992 to:0.0427 that:0.0426 and:0.0417 in:0.0300 the:0.0254 at:0.0176 for:0.0166 a:0.0128 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5071 to:0.1154 in:0.0729 for:0.0691 by:0.0536 of:0.0529 at:0.0449 with:0.0303 on:0.0280 from:0.0257 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8985 which:0.0155 to:0.0146 could:0.0115 have:0.0109 it:0.0109 as:0.0106 that:0.0100 shall:0.0091 if:0.0085 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.9317 right:0.0091 time:0.0090 way:0.0084 as:0.0080 order:0.0073 power:0.0072 and:0.0066 feet:0.0064 him:0.0062 -not:0.2065 to:0.2003 :0.3749 be:0.1077 he:0.0322 will:0.0233 shall:0.0164 would:0.0142 it:0.0127 also:0.0117 -:0.8519 and:0.0580 of:0.0235 the:0.0120 in:0.0101 as:0.0098 to:0.0094 that:0.0086 for:0.0084 is:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8582 one:0.0479 and:0.0202 that:0.0174 out:0.0161 some:0.0110 all:0.0097 but:0.0069 it:0.0067 is:0.0057 -:0.5812 to:0.1129 of:0.1127 the:0.0632 and:0.0375 for:0.0273 a:0.0215 in:0.0188 at:0.0127 by:0.0124 -:0.8918 and:0.0341 of:0.0261 to:0.0111 in:0.0085 the:0.0069 as:0.0060 for:0.0052 or:0.0052 is:0.0051 -the:0.2697 :0.5134 a:0.0856 of:0.0288 and:0.0234 to:0.0210 this:0.0199 tho:0.0144 his:0.0144 their:0.0095 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6193 of:0.1910 and:0.0538 to:0.0359 in:0.0235 the:0.0214 for:0.0139 is:0.0139 or:0.0137 at:0.0136 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.8400 are:0.0350 had:0.0261 is:0.0252 was:0.0192 were:0.0176 have:0.0115 made:0.0094 came:0.0088 has:0.0072 -:0.8290 of:0.0603 and:0.0273 to:0.0230 in:0.0198 from:0.0087 with:0.0085 for:0.0085 the:0.0077 than:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8381 in:0.0356 to:0.0239 made:0.0232 at:0.0159 of:0.0158 held:0.0134 found:0.0119 that:0.0113 taken:0.0110 -:0.7595 the:0.0784 of:0.0452 to:0.0282 and:0.0278 in:0.0203 a:0.0147 was:0.0089 be:0.0085 is:0.0084 -:0.8714 and:0.0466 as:0.0133 to:0.0122 of:0.0119 that:0.0110 is:0.0098 have:0.0087 in:0.0081 was:0.0071 -:0.7088 of:0.1124 and:0.0312 was:0.0255 has:0.0247 for:0.0235 is:0.0199 the:0.0197 or:0.0180 in:0.0163 -:0.9507 deal:0.0114 corner:0.0059 out:0.0051 think:0.0050 need:0.0047 portion:0.0046 part:0.0044 day:0.0042 consist:0.0039 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -other:0.2870 :0.5427 the:0.0603 a:0.0323 one:0.0259 great:0.0133 more:0.0099 last:0.0099 two:0.0097 and:0.0089 -be:0.5368 not:0.1128 :0.2501 have:0.0455 bo:0.0216 had:0.0077 the:0.0068 he:0.0063 was:0.0063 never:0.0062 -the:0.4157 a:0.1168 :0.2901 this:0.0430 his:0.0397 their:0.0265 its:0.0231 an:0.0169 one:0.0143 tho:0.0141 -:0.7146 and:0.0512 was:0.0468 is:0.0448 the:0.0411 of:0.0362 a:0.0209 to:0.0176 are:0.0136 in:0.0131 -:0.9012 the:0.0218 in:0.0188 to:0.0176 that:0.0114 all:0.0109 one:0.0050 then:0.0046 as:0.0044 a:0.0043 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.6836 the:0.0751 of:0.0714 and:0.0553 to:0.0344 in:0.0247 a:0.0170 for:0.0145 that:0.0123 by:0.0117 -:0.7924 and:0.0428 to:0.0412 is:0.0327 was:0.0233 the:0.0176 as:0.0143 of:0.0134 a:0.0123 be:0.0101 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6261 to:0.1426 of:0.0752 and:0.0488 in:0.0271 for:0.0182 the:0.0178 a:0.0170 by:0.0160 on:0.0111 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.5024 of:0.1917 to:0.1195 and:0.0550 in:0.0528 for:0.0256 by:0.0153 from:0.0137 on:0.0126 with:0.0116 -:0.5876 to:0.0801 in:0.0766 of:0.0495 for:0.0434 by:0.0415 on:0.0320 and:0.0320 that:0.0313 with:0.0261 -:0.9311 and:0.0197 to:0.0103 of:0.0095 the:0.0090 in:0.0047 is:0.0046 was:0.0044 said:0.0033 a:0.0033 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.8062 the:0.0686 a:0.0432 and:0.0222 of:0.0187 to:0.0130 this:0.0073 said:0.0073 in:0.0067 his:0.0067 -:0.4834 to:0.1106 in:0.1045 of:0.0769 for:0.0509 and:0.0484 with:0.0397 by:0.0389 on:0.0251 from:0.0216 -:0.7585 had:0.0495 have:0.0429 are:0.0351 has:0.0253 is:0.0252 was:0.0233 were:0.0155 of:0.0135 in:0.0112 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -:0.8288 and:0.0698 to:0.0460 but:0.0098 of:0.0089 is:0.0080 out:0.0077 was:0.0074 that:0.0070 with:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7700 days:0.0666 years:0.0581 hundred:0.0353 months:0.0221 weeks:0.0145 and:0.0120 of:0.0075 time:0.0072 men:0.0067 -:0.9356 people:0.0119 men:0.0099 man:0.0083 city:0.0078 world:0.0056 same:0.0056 war:0.0052 government:0.0052 money:0.0050 -of:0.1949 :0.4813 and:0.1042 to:0.0754 in:0.0285 that:0.0278 the:0.0270 for:0.0254 by:0.0187 as:0.0168 -:0.5135 is:0.1021 was:0.0872 does:0.0659 did:0.0525 and:0.0518 will:0.0403 could:0.0314 would:0.0303 are:0.0251 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.8647 you:0.0237 it:0.0192 and:0.0173 up:0.0170 to:0.0156 he:0.0118 there:0.0115 out:0.0098 them:0.0094 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.6121 of:0.1727 and:0.0582 to:0.0461 in:0.0279 is:0.0200 the:0.0176 was:0.0172 for:0.0147 or:0.0136 -:0.7684 the:0.1458 a:0.0208 tho:0.0139 this:0.0114 said:0.0100 all:0.0088 any:0.0086 such:0.0062 that:0.0060 -:0.8134 and:0.0515 that:0.0305 as:0.0227 it:0.0204 but:0.0187 who:0.0127 which:0.0112 to:0.0105 we:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -cent:0.3251 :0.5553 annum:0.0539 the:0.0158 of:0.0139 to:0.0101 and:0.0076 centum:0.0063 is:0.0061 in:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -:0.8081 the:0.0803 old:0.0384 other:0.0194 a:0.0152 this:0.0113 last:0.0079 average:0.0072 first:0.0064 every:0.0058 -:0.7834 and:0.0574 to:0.0397 was:0.0252 is:0.0243 the:0.0229 will:0.0168 of:0.0104 who:0.0102 are:0.0098 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -the:0.0857 :0.8185 a:0.0352 his:0.0115 their:0.0097 tho:0.0093 its:0.0088 other:0.0082 said:0.0073 all:0.0057 -:0.7184 to:0.0545 the:0.0523 of:0.0472 and:0.0438 in:0.0325 a:0.0170 for:0.0123 by:0.0120 with:0.0100 -:0.6794 to:0.1090 the:0.0659 in:0.0407 and:0.0302 of:0.0235 a:0.0180 for:0.0122 by:0.0121 one:0.0088 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.9471 hour:0.0208 old:0.0057 land:0.0053 act:0.0048 time:0.0038 acre:0.0034 opportunity:0.0032 inch:0.0029 right:0.0028 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8712 him:0.0355 them:0.0211 it:0.0147 as:0.0127 up:0.0095 us:0.0092 come:0.0089 and:0.0087 me:0.0085 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5425 in:0.0930 of:0.0778 to:0.0646 by:0.0436 for:0.0395 on:0.0390 from:0.0379 at:0.0313 with:0.0309 -:0.6795 of:0.0986 to:0.0932 and:0.0416 in:0.0306 for:0.0128 on:0.0121 or:0.0112 was:0.0109 would:0.0096 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3741 :0.4659 a:0.0458 of:0.0407 and:0.0212 tho:0.0161 in:0.0102 was:0.0091 this:0.0085 at:0.0084 -:0.6288 of:0.1410 the:0.0587 and:0.0454 in:0.0354 to:0.0228 for:0.0189 a:0.0176 that:0.0162 at:0.0150 -:0.5843 the:0.1848 a:0.0847 that:0.0323 it:0.0260 to:0.0237 in:0.0178 and:0.0165 of:0.0159 his:0.0139 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.7912 been:0.0630 in:0.0395 to:0.0235 made:0.0160 not:0.0155 for:0.0149 no:0.0132 a:0.0117 by:0.0115 -:0.6118 a:0.1881 the:0.1010 no:0.0381 his:0.0160 an:0.0108 very:0.0093 so:0.0086 their:0.0085 this:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6160 to:0.1307 of:0.0702 and:0.0627 in:0.0352 the:0.0195 by:0.0192 for:0.0189 that:0.0140 was:0.0137 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -to:0.2126 not:0.1688 :0.3482 will:0.0846 may:0.0427 would:0.0334 shall:0.0330 can:0.0321 should:0.0238 must:0.0208 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8040 it:0.0287 we:0.0252 and:0.0251 they:0.0229 he:0.0229 who:0.0194 that:0.0182 as:0.0169 which:0.0168 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.4389 of:0.1520 in:0.1190 to:0.0855 for:0.0476 with:0.0392 and:0.0377 from:0.0341 by:0.0230 on:0.0229 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8584 and:0.0441 as:0.0356 is:0.0189 but:0.0105 time:0.0087 or:0.0069 way:0.0061 of:0.0059 to:0.0049 -the:0.5138 :0.3495 a:0.0300 tho:0.0252 his:0.0231 this:0.0213 our:0.0120 their:0.0104 such:0.0078 any:0.0068 -been:0.3126 :0.4265 not:0.0738 a:0.0659 no:0.0473 the:0.0353 to:0.0113 always:0.0092 become:0.0091 ever:0.0089 -the:0.3057 :0.4938 he:0.0652 a:0.0409 this:0.0252 it:0.0194 tho:0.0179 his:0.0134 she:0.0113 all:0.0071 -:0.6901 will:0.0619 to:0.0555 would:0.0523 we:0.0360 and:0.0248 they:0.0224 may:0.0197 can:0.0190 shall:0.0183 -:0.7996 in:0.0419 at:0.0298 to:0.0286 of:0.0284 and:0.0240 that:0.0167 on:0.0109 by:0.0101 not:0.0099 -:0.7848 the:0.0898 a:0.0288 was:0.0245 is:0.0169 be:0.0143 to:0.0128 he:0.0109 tho:0.0091 in:0.0082 -:0.8942 and:0.0260 of:0.0162 a:0.0121 to:0.0113 is:0.0092 are:0.0084 the:0.0080 was:0.0073 has:0.0073 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8619 a:0.0446 the:0.0332 and:0.0165 of:0.0136 said:0.0074 that:0.0067 to:0.0055 which:0.0054 more:0.0052 -:0.8511 and:0.0339 which:0.0233 that:0.0208 it:0.0200 who:0.0164 but:0.0104 as:0.0086 he:0.0078 there:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8160 and:0.0377 is:0.0299 of:0.0225 to:0.0206 was:0.0195 the:0.0187 a:0.0134 or:0.0114 are:0.0102 -:0.6941 the:0.1360 a:0.0645 of:0.0217 and:0.0212 his:0.0159 this:0.0127 one:0.0122 any:0.0109 some:0.0109 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5856 well:0.1788 soon:0.0844 far:0.0448 it:0.0339 much:0.0266 long:0.0138 to:0.0116 a:0.0104 he:0.0101 -:0.5350 of:0.2114 to:0.0716 and:0.0538 in:0.0459 for:0.0221 on:0.0164 at:0.0158 with:0.0151 by:0.0129 -:0.9210 chance:0.0117 visit:0.0108 right:0.0097 time:0.0090 desire:0.0088 year:0.0081 man:0.0073 letter:0.0069 return:0.0067 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7760 and:0.0450 of:0.0415 to:0.0333 the:0.0333 for:0.0173 in:0.0142 that:0.0135 with:0.0131 a:0.0128 -the:0.2708 :0.5094 a:0.0726 his:0.0291 two:0.0290 three:0.0273 their:0.0186 any:0.0169 tho:0.0137 an:0.0126 -:0.7657 the:0.0951 a:0.0366 be:0.0274 and:0.0168 in:0.0151 that:0.0145 to:0.0105 by:0.0094 of:0.0090 -:0.6415 the:0.1098 to:0.1077 a:0.0379 in:0.0249 and:0.0244 of:0.0210 at:0.0119 by:0.0106 for:0.0104 -:0.9423 good:0.0123 man:0.0096 little:0.0079 few:0.0069 large:0.0064 great:0.0042 word:0.0036 small:0.0034 case:0.0034 -:0.9438 out:0.0124 line:0.0092 and:0.0075 side:0.0061 one:0.0059 years:0.0044 day:0.0037 part:0.0036 number:0.0033 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -of:0.2030 to:0.1674 in:0.1089 :0.2640 by:0.0496 for:0.0494 at:0.0476 on:0.0455 that:0.0367 and:0.0280 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8880 and:0.0356 him:0.0115 as:0.0104 them:0.0101 up:0.0098 it:0.0096 that:0.0087 or:0.0086 which:0.0077 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.6677 to:0.1111 and:0.0590 of:0.0514 or:0.0256 in:0.0249 a:0.0171 for:0.0159 he:0.0140 was:0.0132 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -the:0.3625 a:0.1659 :0.3482 his:0.0265 tho:0.0256 this:0.0202 our:0.0179 their:0.0146 said:0.0100 her:0.0087 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7124 the:0.0548 and:0.0506 a:0.0403 is:0.0335 of:0.0333 was:0.0282 to:0.0242 be:0.0118 for:0.0109 -:0.8105 and:0.0433 the:0.0400 is:0.0276 was:0.0236 be:0.0151 are:0.0110 of:0.0106 a:0.0096 it:0.0087 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.9573 and:0.0178 to:0.0052 is:0.0033 was:0.0031 of:0.0031 house:0.0027 day:0.0026 made:0.0025 that:0.0023 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8940 and:0.0272 the:0.0156 to:0.0129 of:0.0114 is:0.0104 as:0.0083 that:0.0071 in:0.0066 was:0.0064 -the:0.5728 :0.2167 a:0.0935 this:0.0357 tho:0.0223 his:0.0155 their:0.0149 its:0.0142 our:0.0079 any:0.0066 -:0.6356 of:0.1210 in:0.0627 to:0.0373 and:0.0367 for:0.0266 from:0.0223 on:0.0218 that:0.0190 by:0.0170 -:0.7821 the:0.0650 of:0.0372 a:0.0301 that:0.0228 and:0.0222 in:0.0170 to:0.0097 or:0.0072 for:0.0067 -:0.5209 to:0.0953 in:0.0811 of:0.0717 for:0.0602 by:0.0508 at:0.0353 on:0.0291 from:0.0283 with:0.0271 -:0.6472 the:0.1994 a:0.0290 of:0.0256 in:0.0212 to:0.0195 that:0.0183 not:0.0143 and:0.0130 it:0.0125 -:0.8224 of:0.0402 and:0.0379 in:0.0214 the:0.0184 to:0.0172 a:0.0122 for:0.0119 is:0.0094 was:0.0090 -the:0.7196 a:0.0389 :0.1320 tho:0.0274 his:0.0192 this:0.0182 their:0.0163 our:0.0109 tbe:0.0097 its:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.7678 a:0.0500 the:0.0485 and:0.0451 of:0.0197 to:0.0169 was:0.0165 is:0.0147 be:0.0108 as:0.0100 -:0.9341 the:0.0142 and:0.0116 of:0.0113 way:0.0075 time:0.0056 a:0.0045 or:0.0043 one:0.0034 that:0.0034 -:0.7599 the:0.1197 a:0.0277 and:0.0191 to:0.0187 that:0.0160 in:0.0136 of:0.0091 his:0.0087 tho:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9080 same:0.0207 most:0.0114 whole:0.0111 other:0.0104 great:0.0094 old:0.0085 first:0.0074 last:0.0069 two:0.0062 -:0.5549 of:0.1180 to:0.1033 and:0.0438 in:0.0367 a:0.0353 with:0.0331 for:0.0256 the:0.0247 by:0.0246 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8799 and:0.0427 to:0.0284 of:0.0124 is:0.0068 that:0.0065 out:0.0060 in:0.0059 was:0.0058 for:0.0055 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6831 the:0.1432 a:0.0793 and:0.0237 this:0.0150 of:0.0138 his:0.0136 to:0.0122 tho:0.0084 he:0.0076 -:0.6681 of:0.0873 in:0.0684 to:0.0351 for:0.0285 and:0.0277 with:0.0276 on:0.0222 by:0.0181 at:0.0170 -:0.8087 the:0.0310 a:0.0300 that:0.0292 and:0.0275 of:0.0266 to:0.0199 for:0.0092 in:0.0091 as:0.0087 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.6954 the:0.1662 a:0.0647 his:0.0190 to:0.0102 this:0.0093 other:0.0091 two:0.0088 he:0.0087 their:0.0086 -:0.5722 the:0.2406 a:0.1061 their:0.0155 that:0.0151 his:0.0151 an:0.0106 so:0.0085 its:0.0083 any:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6643 to:0.0934 in:0.0750 been:0.0316 by:0.0288 on:0.0272 that:0.0236 for:0.0196 from:0.0183 of:0.0182 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -of:0.5575 :0.2802 in:0.0636 for:0.0254 and:0.0158 on:0.0130 or:0.0119 from:0.0114 that:0.0109 with:0.0103 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -of:0.2619 :0.4328 in:0.0675 to:0.0538 and:0.0494 for:0.0478 as:0.0239 on:0.0226 at:0.0203 with:0.0201 -:0.5911 been:0.1726 the:0.0727 not:0.0411 a:0.0394 no:0.0308 to:0.0176 in:0.0141 always:0.0108 already:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8494 of:0.0521 and:0.0349 to:0.0135 in:0.0100 that:0.0093 for:0.0089 as:0.0086 the:0.0069 by:0.0065 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6355 to:0.1600 and:0.0490 of:0.0430 the:0.0314 a:0.0200 in:0.0195 for:0.0165 as:0.0146 or:0.0105 -:0.5783 the:0.1102 to:0.0839 and:0.0523 of:0.0517 a:0.0348 for:0.0281 in:0.0249 or:0.0186 this:0.0172 -:0.8839 and:0.0213 had:0.0158 have:0.0156 has:0.0129 is:0.0117 but:0.0108 to:0.0105 will:0.0090 as:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2883 :0.4060 a:0.1456 his:0.0449 this:0.0220 their:0.0212 said:0.0209 its:0.0185 tho:0.0165 our:0.0160 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6917 the:0.0697 and:0.0589 to:0.0563 a:0.0392 was:0.0206 is:0.0190 will:0.0171 are:0.0138 would:0.0136 -:0.6191 of:0.1259 in:0.0530 the:0.0413 for:0.0358 and:0.0356 with:0.0269 to:0.0213 by:0.0207 at:0.0204 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8209 the:0.0414 and:0.0284 of:0.0277 in:0.0196 to:0.0191 is:0.0134 was:0.0114 a:0.0108 for:0.0073 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9041 the:0.0266 and:0.0178 of:0.0085 in:0.0082 a:0.0076 be:0.0071 as:0.0069 to:0.0068 by:0.0063 -:0.7058 of:0.0746 the:0.0576 and:0.0481 in:0.0234 that:0.0234 for:0.0220 with:0.0176 a:0.0141 by:0.0134 -:0.5382 to:0.1611 of:0.0880 and:0.0738 in:0.0411 will:0.0283 is:0.0231 for:0.0178 was:0.0164 would:0.0123 -:0.6368 of:0.1369 and:0.0645 to:0.0367 in:0.0301 the:0.0266 is:0.0195 was:0.0169 for:0.0164 at:0.0155 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5670 to:0.1024 of:0.1000 the:0.0555 in:0.0434 and:0.0427 not:0.0231 a:0.0226 that:0.0225 at:0.0207 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.5588 a:0.1165 to:0.1017 not:0.0797 the:0.0526 an:0.0206 now:0.0188 very:0.0179 hereby:0.0171 no:0.0163 -who:0.1007 :0.8063 of:0.0330 and:0.0183 is:0.0085 the:0.0080 was:0.0070 to:0.0066 which:0.0066 in:0.0051 -:0.9413 than:0.0307 hundred:0.0086 and:0.0036 up:0.0031 it:0.0031 years:0.0027 time:0.0023 more:0.0023 or:0.0023 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8955 and:0.0341 of:0.0196 in:0.0099 the:0.0097 as:0.0080 is:0.0079 to:0.0057 was:0.0050 or:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8982 one:0.0203 that:0.0134 a:0.0133 those:0.0129 not:0.0095 made:0.0091 it:0.0085 to:0.0078 the:0.0069 -a:0.2806 the:0.2523 :0.3606 any:0.0252 his:0.0184 an:0.0160 their:0.0143 this:0.0127 her:0.0109 such:0.0090 -:0.7918 and:0.0689 of:0.0357 to:0.0309 was:0.0181 but:0.0150 in:0.0107 is:0.0103 it:0.0102 well:0.0084 -:0.8510 and:0.0393 to:0.0252 that:0.0242 it:0.0172 but:0.0129 of:0.0092 he:0.0081 as:0.0070 or:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9505 and:0.0116 time:0.0082 day:0.0054 year:0.0046 way:0.0045 as:0.0043 man:0.0041 or:0.0036 work:0.0035 -the:0.1906 :0.6941 a:0.0304 and:0.0189 of:0.0174 tho:0.0120 this:0.0119 is:0.0085 his:0.0082 was:0.0082 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7174 the:0.0769 of:0.0601 and:0.0419 a:0.0233 to:0.0204 in:0.0189 at:0.0163 for:0.0130 was:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8126 of:0.0510 and:0.0330 the:0.0261 to:0.0241 that:0.0141 in:0.0137 or:0.0099 as:0.0083 for:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8076 and:0.0634 is:0.0255 of:0.0213 was:0.0166 to:0.0152 in:0.0139 as:0.0135 the:0.0119 have:0.0111 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5729 of:0.1596 the:0.0599 to:0.0528 in:0.0511 and:0.0419 by:0.0187 for:0.0166 with:0.0149 on:0.0118 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8393 and:0.0587 is:0.0180 of:0.0175 was:0.0137 are:0.0134 to:0.0118 will:0.0097 a:0.0097 or:0.0083 -to:0.2135 :0.3674 of:0.1053 and:0.1033 that:0.0719 in:0.0487 the:0.0338 for:0.0266 as:0.0152 by:0.0142 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7491 to:0.0538 in:0.0392 be:0.0359 by:0.0325 have:0.0214 only:0.0212 for:0.0164 on:0.0156 at:0.0150 -:0.9193 man:0.0240 men:0.0157 hour:0.0156 one:0.0055 time:0.0046 people:0.0040 old:0.0039 those:0.0038 persons:0.0037 -:0.9542 time:0.0078 people:0.0071 best:0.0070 said:0.0046 same:0.0042 city:0.0042 most:0.0037 world:0.0036 first:0.0036 -:0.7858 and:0.0554 to:0.0289 as:0.0231 are:0.0208 that:0.0199 is:0.0196 of:0.0179 in:0.0151 but:0.0135 -:0.9512 recorded:0.0079 it:0.0076 that:0.0071 put:0.0050 then:0.0050 interest:0.0045 made:0.0042 is:0.0038 the:0.0037 -:0.7913 the:0.0451 is:0.0326 was:0.0280 and:0.0259 as:0.0200 of:0.0158 that:0.0153 or:0.0132 a:0.0129 -the:0.2472 :0.4929 a:0.1263 his:0.0310 is:0.0288 their:0.0171 and:0.0151 tho:0.0144 was:0.0138 our:0.0134 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9611 of:0.0073 above:0.0066 time:0.0064 in:0.0050 following:0.0029 said:0.0028 and:0.0027 to:0.0026 on:0.0025 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7818 in:0.0507 to:0.0348 for:0.0233 on:0.0214 of:0.0205 that:0.0174 with:0.0174 by:0.0166 him:0.0161 -:0.9417 and:0.0189 to:0.0092 is:0.0061 it:0.0056 of:0.0044 in:0.0037 are:0.0035 not:0.0035 was:0.0034 -:0.7824 the:0.0694 and:0.0290 it:0.0253 he:0.0243 which:0.0166 a:0.0161 that:0.0138 him:0.0118 his:0.0114 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6649 than:0.1948 of:0.0374 and:0.0370 to:0.0158 or:0.0120 was:0.0112 in:0.0111 the:0.0095 is:0.0064 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6890 the:0.1379 a:0.0686 it:0.0211 him:0.0175 that:0.0171 to:0.0146 them:0.0121 an:0.0115 their:0.0105 -:0.9209 and:0.0336 to:0.0102 of:0.0091 was:0.0060 is:0.0054 that:0.0042 in:0.0042 it:0.0034 be:0.0031 -:0.7794 the:0.0607 and:0.0477 is:0.0305 was:0.0214 a:0.0184 of:0.0166 he:0.0098 it:0.0080 that:0.0073 -:0.9097 one:0.0183 part:0.0158 out:0.0156 line:0.0101 and:0.0070 day:0.0066 that:0.0063 to:0.0056 side:0.0050 -:0.7634 much:0.0557 that:0.0467 he:0.0323 it:0.0237 and:0.0185 far:0.0170 the:0.0163 long:0.0152 not:0.0112 -:0.5682 as:0.0987 that:0.0629 if:0.0581 and:0.0483 but:0.0476 which:0.0389 when:0.0326 where:0.0322 is:0.0126 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6589 the:0.0861 they:0.0608 we:0.0502 to:0.0385 not:0.0289 that:0.0207 it:0.0195 and:0.0192 he:0.0173 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9046 and:0.0361 to:0.0114 is:0.0106 up:0.0083 out:0.0074 was:0.0070 made:0.0051 it:0.0050 down:0.0045 -:0.8354 of:0.0296 to:0.0285 and:0.0256 the:0.0231 that:0.0169 in:0.0132 a:0.0114 for:0.0097 at:0.0066 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7914 been:0.0821 not:0.0272 taken:0.0195 come:0.0174 made:0.0143 seen:0.0139 done:0.0118 a:0.0116 to:0.0108 -the:0.3263 a:0.2649 :0.2631 his:0.0572 their:0.0291 tho:0.0174 its:0.0122 any:0.0115 no:0.0094 our:0.0089 -:0.8889 and:0.0250 was:0.0144 the:0.0143 is:0.0122 he:0.0107 it:0.0099 as:0.0087 have:0.0085 be:0.0074 -of:0.1309 :0.5530 in:0.0611 for:0.0460 from:0.0391 on:0.0378 with:0.0373 to:0.0334 by:0.0320 and:0.0293 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8557 the:0.0362 to:0.0332 a:0.0170 that:0.0132 it:0.0111 in:0.0103 by:0.0084 up:0.0075 them:0.0075 -:0.7605 say:0.0802 see:0.0273 know:0.0266 believe:0.0218 show:0.0195 be:0.0185 think:0.0166 do:0.0148 get:0.0143 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9391 and:0.0128 the:0.0093 of:0.0077 own:0.0066 a:0.0060 to:0.0052 as:0.0050 other:0.0043 in:0.0040 -:0.7496 of:0.0677 and:0.0334 the:0.0311 is:0.0245 was:0.0223 a:0.0197 that:0.0186 in:0.0166 at:0.0164 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -not:0.5806 :0.3334 to:0.0227 so:0.0132 the:0.0130 it:0.0116 that:0.0075 he:0.0064 now:0.0063 we:0.0055 -:0.6884 to:0.1148 and:0.0743 of:0.0588 or:0.0134 for:0.0128 the:0.0098 that:0.0097 with:0.0092 in:0.0088 -:0.5472 the:0.1046 and:0.1002 of:0.0653 to:0.0472 in:0.0337 was:0.0285 is:0.0277 that:0.0256 for:0.0199 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.7755 the:0.0864 and:0.0371 of:0.0217 to:0.0184 a:0.0179 in:0.0150 that:0.0131 it:0.0075 for:0.0074 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6080 to:0.1966 and:0.0516 the:0.0465 that:0.0235 a:0.0204 of:0.0144 in:0.0131 it:0.0131 for:0.0127 -:0.8622 and:0.0377 was:0.0258 is:0.0213 the:0.0152 are:0.0093 a:0.0083 be:0.0071 it:0.0071 to:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -of:0.2079 :0.3983 in:0.0860 to:0.0622 with:0.0585 on:0.0510 by:0.0456 at:0.0371 for:0.0297 from:0.0236 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -the:0.2526 his:0.0408 :0.5610 a:0.0350 tho:0.0213 their:0.0203 its:0.0193 our:0.0183 this:0.0174 her:0.0141 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6886 to:0.1243 and:0.0514 the:0.0350 of:0.0288 in:0.0193 will:0.0177 is:0.0125 as:0.0119 was:0.0104 -:0.7236 and:0.0748 the:0.0557 of:0.0399 to:0.0363 a:0.0275 as:0.0144 was:0.0103 is:0.0097 or:0.0078 -:0.7642 the:0.0745 of:0.0448 a:0.0297 to:0.0235 and:0.0221 in:0.0154 that:0.0097 for:0.0082 it:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6695 that:0.1173 which:0.0395 and:0.0363 if:0.0359 as:0.0306 the:0.0274 what:0.0187 it:0.0131 but:0.0117 -:0.7329 than:0.1420 of:0.0425 and:0.0196 to:0.0181 the:0.0125 or:0.0121 in:0.0092 with:0.0056 on:0.0054 -:0.8618 and:0.0511 that:0.0209 up:0.0120 it:0.0108 to:0.0103 out:0.0102 is:0.0077 but:0.0076 was:0.0076 -a:0.3053 :0.5065 the:0.0966 of:0.0250 and:0.0194 his:0.0141 is:0.0093 no:0.0086 any:0.0079 was:0.0073 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5584 not:0.1661 be:0.1151 the:0.0651 have:0.0385 a:0.0196 bo:0.0116 he:0.0096 do:0.0081 to:0.0077 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -the:0.2413 :0.5415 a:0.0574 and:0.0406 of:0.0362 to:0.0339 tho:0.0156 is:0.0117 was:0.0116 or:0.0102 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7538 and:0.0553 to:0.0437 of:0.0374 are:0.0255 the:0.0209 have:0.0191 in:0.0166 that:0.0140 for:0.0138 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.8335 is:0.0500 and:0.0316 as:0.0286 was:0.0155 are:0.0143 were:0.0072 but:0.0071 have:0.0061 went:0.0060 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8378 of:0.0396 and:0.0325 are:0.0222 to:0.0167 in:0.0146 were:0.0095 is:0.0095 for:0.0090 that:0.0086 -:0.8197 the:0.0314 and:0.0253 are:0.0211 has:0.0207 to:0.0190 had:0.0163 was:0.0160 is:0.0153 a:0.0152 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7038 he:0.1181 they:0.0401 we:0.0269 and:0.0232 it:0.0209 she:0.0199 there:0.0173 who:0.0161 to:0.0136 -:0.9154 and:0.0306 one:0.0094 is:0.0086 was:0.0080 a:0.0068 the:0.0063 to:0.0052 are:0.0051 of:0.0046 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.6622 of:0.0967 and:0.0753 to:0.0405 the:0.0339 in:0.0289 for:0.0174 or:0.0165 that:0.0151 as:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9259 to:0.0144 more:0.0106 two:0.0102 less:0.0086 any:0.0084 three:0.0058 and:0.0055 one:0.0053 years:0.0053 -:0.9455 and:0.0146 way:0.0074 house:0.0057 is:0.0053 hand:0.0052 country:0.0043 men:0.0042 home:0.0039 time:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.1958 :0.6172 a:0.0818 his:0.0219 their:0.0200 our:0.0166 tho:0.0140 any:0.0114 her:0.0109 an:0.0104 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.9708 home:0.0057 husband:0.0038 house:0.0035 time:0.0031 way:0.0030 right:0.0029 life:0.0026 more:0.0024 work:0.0023 -:0.8914 and:0.0206 them:0.0177 him:0.0164 that:0.0114 it:0.0107 up:0.0098 out:0.0097 us:0.0065 but:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7068 that:0.0928 which:0.0635 it:0.0434 as:0.0289 and:0.0182 he:0.0160 what:0.0115 the:0.0095 when:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9361 man:0.0162 time:0.0071 matter:0.0068 result:0.0062 day:0.0059 bill:0.0059 long:0.0056 good:0.0054 little:0.0049 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8477 the:0.0705 a:0.0168 of:0.0166 and:0.0133 to:0.0108 in:0.0102 for:0.0054 that:0.0044 tho:0.0044 -:0.5898 of:0.1836 and:0.0743 to:0.0566 in:0.0319 the:0.0175 or:0.0125 for:0.0114 that:0.0113 at:0.0112 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7744 the:0.0485 to:0.0472 a:0.0236 of:0.0223 in:0.0216 that:0.0197 and:0.0191 not:0.0122 at:0.0114 -:0.7322 of:0.0684 and:0.0651 to:0.0349 the:0.0201 in:0.0194 or:0.0191 that:0.0152 for:0.0128 a:0.0127 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7570 great:0.0418 few:0.0414 very:0.0331 good:0.0321 little:0.0229 a:0.0219 large:0.0211 the:0.0156 small:0.0130 -:0.8201 of:0.0318 in:0.0317 the:0.0247 to:0.0246 and:0.0193 as:0.0131 for:0.0128 that:0.0113 at:0.0106 -to:0.4441 :0.4354 and:0.0598 that:0.0155 of:0.0144 in:0.0080 for:0.0062 will:0.0057 not:0.0054 it:0.0053 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9411 it:0.0113 him:0.0104 that:0.0072 time:0.0065 and:0.0061 owned:0.0058 which:0.0041 up:0.0039 followed:0.0036 -:0.9520 hundred:0.0076 and:0.0065 year:0.0063 day:0.0059 estate:0.0050 home:0.0046 time:0.0045 days:0.0040 years:0.0036 -:0.6976 the:0.1403 make:0.0460 be:0.0240 a:0.0236 take:0.0180 all:0.0140 get:0.0131 see:0.0121 have:0.0113 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.9450 and:0.0136 the:0.0097 own:0.0076 time:0.0044 of:0.0044 to:0.0041 that:0.0039 way:0.0036 in:0.0036 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7061 of:0.0762 in:0.0581 to:0.0470 and:0.0468 is:0.0146 was:0.0142 for:0.0132 that:0.0128 with:0.0109 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.5694 he:0.0980 they:0.0681 the:0.0567 we:0.0481 be:0.0380 is:0.0337 are:0.0321 have:0.0294 was:0.0266 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8790 and:0.0403 is:0.0151 of:0.0136 that:0.0134 was:0.0106 the:0.0076 be:0.0072 as:0.0067 it:0.0065 -the:0.3291 :0.3917 a:0.1485 his:0.0391 any:0.0222 their:0.0190 an:0.0156 tho:0.0130 this:0.0119 two:0.0097 -:0.9051 a:0.0164 not:0.0153 and:0.0122 the:0.0110 it:0.0108 one:0.0095 to:0.0079 so:0.0064 set:0.0053 -:0.6472 the:0.1994 a:0.0290 of:0.0256 in:0.0212 to:0.0195 that:0.0183 not:0.0143 and:0.0130 it:0.0125 -:0.7795 the:0.0924 a:0.0308 this:0.0258 that:0.0178 one:0.0139 of:0.0112 any:0.0097 tho:0.0095 his:0.0095 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9278 wife:0.0114 way:0.0090 time:0.0086 office:0.0080 day:0.0078 life:0.0078 father:0.0066 own:0.0066 hand:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7116 of:0.0697 and:0.0662 to:0.0608 in:0.0209 the:0.0159 from:0.0149 as:0.0138 with:0.0135 for:0.0128 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.2197 will:0.2022 :0.2804 shall:0.0713 should:0.0484 can:0.0470 would:0.0429 may:0.0364 could:0.0290 must:0.0227 -of:0.1764 :0.6305 and:0.0453 to:0.0352 in:0.0281 for:0.0218 that:0.0165 with:0.0161 from:0.0158 as:0.0143 -:0.9110 day:0.0201 number:0.0110 part:0.0098 half:0.0092 side:0.0090 line:0.0084 member:0.0083 much:0.0071 one:0.0061 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7736 has:0.0442 to:0.0389 and:0.0327 as:0.0249 have:0.0214 had:0.0204 is:0.0158 of:0.0142 was:0.0140 -:0.7055 of:0.1140 and:0.0625 to:0.0296 in:0.0230 is:0.0205 for:0.0120 at:0.0115 the:0.0107 as:0.0106 -:0.9342 and:0.0194 to:0.0144 of:0.0077 time:0.0048 or:0.0046 be:0.0038 in:0.0038 a:0.0037 day:0.0035 -:0.7461 the:0.0669 of:0.0454 and:0.0293 is:0.0276 was:0.0224 a:0.0175 to:0.0169 in:0.0150 at:0.0129 -:0.7058 the:0.1105 a:0.0417 of:0.0403 and:0.0278 that:0.0240 in:0.0155 to:0.0135 an:0.0109 their:0.0100 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6681 of:0.0873 in:0.0684 to:0.0351 for:0.0285 and:0.0277 with:0.0276 on:0.0222 by:0.0181 at:0.0170 -:0.8488 of:0.0371 and:0.0368 to:0.0188 in:0.0156 the:0.0101 for:0.0100 as:0.0089 by:0.0074 on:0.0065 -:0.7697 went:0.0508 had:0.0480 is:0.0286 was:0.0270 came:0.0208 began:0.0189 seemed:0.0146 ought:0.0119 has:0.0097 -:0.7605 the:0.1007 and:0.0284 of:0.0259 that:0.0238 to:0.0180 a:0.0174 in:0.0129 for:0.0064 by:0.0060 -:0.6289 is:0.1765 was:0.0783 and:0.0263 as:0.0184 has:0.0169 will:0.0166 would:0.0142 are:0.0129 not:0.0110 -:0.8986 is:0.0235 as:0.0169 and:0.0112 began:0.0107 are:0.0102 went:0.0084 was:0.0078 came:0.0073 down:0.0054 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.8267 of:0.0439 and:0.0249 are:0.0208 is:0.0202 in:0.0149 have:0.0135 was:0.0122 will:0.0115 were:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2352 :0.5366 a:0.0792 his:0.0412 this:0.0247 tho:0.0232 their:0.0166 such:0.0164 our:0.0161 her:0.0106 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5697 of:0.0942 in:0.0773 to:0.0549 by:0.0458 for:0.0407 from:0.0357 at:0.0303 and:0.0270 on:0.0244 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -of:0.4603 :0.3671 and:0.0504 to:0.0441 in:0.0219 for:0.0132 or:0.0126 with:0.0115 is:0.0114 on:0.0075 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.6589 to:0.0991 of:0.0749 and:0.0433 in:0.0354 was:0.0228 that:0.0208 is:0.0184 at:0.0139 for:0.0125 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -to:0.2776 :0.5372 and:0.0443 will:0.0402 would:0.0255 can:0.0187 could:0.0169 is:0.0168 should:0.0114 we:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8700 made:0.0362 found:0.0166 put:0.0142 received:0.0109 to:0.0108 taken:0.0108 paid:0.0105 placed:0.0104 done:0.0095 -:0.8653 of:0.0359 and:0.0276 a:0.0203 are:0.0156 is:0.0100 the:0.0066 or:0.0066 much:0.0063 was:0.0059 -:0.6200 the:0.1287 of:0.0738 and:0.0430 a:0.0351 in:0.0298 for:0.0197 to:0.0189 by:0.0165 at:0.0145 -:0.7329 than:0.1420 of:0.0425 and:0.0196 to:0.0181 the:0.0125 or:0.0121 in:0.0092 with:0.0056 on:0.0054 -:0.6880 and:0.0728 of:0.0608 the:0.0426 in:0.0346 was:0.0244 is:0.0231 to:0.0192 for:0.0176 have:0.0169 -:0.5615 of:0.1307 in:0.0799 to:0.0452 by:0.0398 on:0.0393 for:0.0294 with:0.0275 and:0.0243 from:0.0224 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8213 and:0.0364 the:0.0315 was:0.0237 is:0.0215 be:0.0160 of:0.0144 have:0.0126 has:0.0116 had:0.0109 -:0.9417 and:0.0189 to:0.0092 is:0.0061 it:0.0056 of:0.0044 in:0.0037 are:0.0035 not:0.0035 was:0.0034 -:0.8094 and:0.0592 of:0.0547 the:0.0136 in:0.0132 to:0.0124 or:0.0104 than:0.0093 for:0.0089 that:0.0089 -:0.6564 the:0.2100 a:0.0572 her:0.0152 this:0.0130 tho:0.0111 his:0.0104 and:0.0100 one:0.0091 any:0.0077 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.5548 to:0.2236 and:0.0596 is:0.0452 was:0.0382 of:0.0280 will:0.0144 or:0.0137 in:0.0123 would:0.0104 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.6635 of:0.0824 in:0.0459 that:0.0433 the:0.0404 by:0.0351 all:0.0239 to:0.0238 with:0.0217 for:0.0200 -:0.7597 have:0.0409 not:0.0386 come:0.0370 go:0.0350 be:0.0285 continue:0.0202 seem:0.0187 afford:0.0111 expect:0.0103 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7747 and:0.0911 to:0.0293 of:0.0245 he:0.0240 we:0.0127 they:0.0120 or:0.0111 in:0.0105 as:0.0102 -:0.7654 of:0.0435 the:0.0413 and:0.0412 to:0.0223 a:0.0211 is:0.0179 was:0.0174 has:0.0156 will:0.0143 -:0.7020 the:0.2041 a:0.0332 tho:0.0111 this:0.0102 tbe:0.0087 his:0.0083 said:0.0078 it:0.0074 their:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -to:0.3440 in:0.1047 of:0.0922 :0.3117 and:0.0401 by:0.0351 the:0.0331 at:0.0135 for:0.0130 a:0.0126 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2887 :0.3476 to:0.0871 in:0.0796 on:0.0683 at:0.0292 for:0.0273 with:0.0255 by:0.0237 from:0.0229 -:0.7626 to:0.0879 and:0.0568 it:0.0170 he:0.0149 as:0.0148 was:0.0134 of:0.0132 is:0.0109 there:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5901 to:0.1216 of:0.1198 and:0.0880 or:0.0149 will:0.0143 in:0.0135 that:0.0133 was:0.0126 for:0.0116 -:0.8186 and:0.0450 to:0.0427 of:0.0300 the:0.0168 in:0.0148 or:0.0097 feet:0.0083 a:0.0082 is:0.0058 -:0.5586 of:0.2192 and:0.0733 to:0.0604 in:0.0247 for:0.0150 by:0.0132 the:0.0125 with:0.0116 that:0.0115 -:0.6307 the:0.1363 a:0.0693 and:0.0410 of:0.0374 to:0.0303 is:0.0161 was:0.0146 his:0.0124 in:0.0119 -:0.8275 the:0.0352 of:0.0251 a:0.0217 or:0.0208 to:0.0185 and:0.0176 for:0.0117 in:0.0113 that:0.0105 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.5662 of:0.1151 to:0.1100 and:0.0719 in:0.0347 the:0.0239 for:0.0232 from:0.0205 by:0.0187 with:0.0157 -:0.8504 and:0.0425 to:0.0410 of:0.0121 will:0.0105 he:0.0100 is:0.0092 who:0.0089 in:0.0078 that:0.0075 -:0.5737 of:0.1688 and:0.1004 is:0.0504 to:0.0247 in:0.0218 or:0.0192 was:0.0144 the:0.0133 for:0.0133 -not:0.2364 be:0.1000 :0.4199 to:0.0816 will:0.0479 probably:0.0293 may:0.0291 shall:0.0209 he:0.0178 never:0.0170 -:0.8220 and:0.0350 it:0.0249 which:0.0228 he:0.0199 they:0.0192 we:0.0179 that:0.0140 as:0.0122 you:0.0121 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -:0.7976 it:0.0556 he:0.0525 that:0.0233 which:0.0200 as:0.0113 and:0.0105 the:0.0104 she:0.0094 there:0.0093 -:0.9212 to:0.0197 and:0.0197 is:0.0083 or:0.0068 of:0.0061 in:0.0061 was:0.0052 are:0.0036 out:0.0034 -:0.4813 to:0.1643 of:0.1222 in:0.0574 and:0.0381 for:0.0356 by:0.0317 from:0.0248 that:0.0225 on:0.0221 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -of:0.2120 in:0.0709 to:0.0548 on:0.0513 for:0.0333 from:0.0312 with:0.0288 than:0.0277 and:0.0239 by:0.0234 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8369 of:0.0541 years:0.0244 and:0.0236 the:0.0153 or:0.0108 that:0.0106 days:0.0087 hundred:0.0083 to:0.0072 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.9508 them:0.0116 him:0.0054 land:0.0052 it:0.0050 said:0.0049 the:0.0048 sale:0.0047 money:0.0042 us:0.0034 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.8256 and:0.0432 to:0.0297 the:0.0194 is:0.0181 was:0.0167 of:0.0143 be:0.0126 as:0.0111 have:0.0093 -:0.8628 day:0.0598 side:0.0194 line:0.0135 part:0.0111 hundred:0.0084 one:0.0065 number:0.0064 and:0.0063 sort:0.0057 -of:0.1967 :0.5655 to:0.0680 and:0.0437 in:0.0367 with:0.0208 or:0.0193 from:0.0180 for:0.0159 by:0.0154 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -to:0.4424 :0.4364 and:0.0405 will:0.0320 shall:0.0098 would:0.0095 we:0.0089 can:0.0073 should:0.0069 may:0.0063 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9426 have:0.0093 the:0.0093 be:0.0074 it:0.0062 to:0.0060 he:0.0060 in:0.0045 and:0.0044 had:0.0043 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -the:0.3711 :0.5082 a:0.0449 his:0.0141 tho:0.0135 to:0.0111 this:0.0102 an:0.0090 said:0.0090 tbe:0.0089 -:0.9047 he:0.0329 who:0.0184 city:0.0079 they:0.0071 she:0.0061 it:0.0060 man:0.0059 men:0.0057 and:0.0053 -:0.5181 a:0.1824 the:0.1533 no:0.0345 an:0.0296 this:0.0219 that:0.0197 not:0.0149 his:0.0140 very:0.0116 -:0.6284 of:0.0933 and:0.0816 to:0.0453 the:0.0416 in:0.0278 is:0.0249 or:0.0220 for:0.0180 was:0.0171 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6249 the:0.2451 a:0.0495 his:0.0187 other:0.0124 this:0.0115 their:0.0114 one:0.0093 an:0.0087 to:0.0085 -:0.7660 the:0.1090 a:0.0436 to:0.0226 his:0.0140 other:0.0110 that:0.0097 he:0.0087 this:0.0080 will:0.0073 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8430 to:0.0537 in:0.0163 and:0.0159 been:0.0148 a:0.0140 by:0.0124 the:0.0114 had:0.0092 of:0.0092 -:0.8058 the:0.0367 to:0.0300 is:0.0268 and:0.0246 was:0.0226 be:0.0179 a:0.0149 are:0.0111 had:0.0096 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.7538 and:0.0494 of:0.0405 is:0.0372 or:0.0316 to:0.0292 was:0.0197 as:0.0139 for:0.0129 the:0.0118 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -the:0.3419 :0.3545 a:0.1252 his:0.0542 this:0.0385 tho:0.0236 said:0.0200 their:0.0169 our:0.0139 its:0.0112 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -of:0.3637 :0.3523 in:0.0652 for:0.0430 and:0.0357 to:0.0338 from:0.0310 on:0.0269 with:0.0261 by:0.0223 -:0.7301 hundred:0.0987 of:0.0405 and:0.0403 who:0.0220 or:0.0180 to:0.0178 is:0.0129 was:0.0101 are:0.0098 -:0.7874 and:0.0766 is:0.0336 was:0.0247 to:0.0242 are:0.0121 be:0.0115 of:0.0102 has:0.0099 the:0.0098 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -of:0.2121 :0.4821 in:0.0638 to:0.0560 for:0.0539 and:0.0406 on:0.0274 that:0.0220 at:0.0218 by:0.0204 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.6615 the:0.0839 to:0.0683 and:0.0529 of:0.0299 in:0.0286 a:0.0258 that:0.0182 by:0.0176 for:0.0133 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6801 of:0.1127 and:0.0640 the:0.0351 to:0.0298 in:0.0218 a:0.0171 as:0.0149 for:0.0141 or:0.0103 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5923 in:0.0873 to:0.0860 by:0.0457 on:0.0380 of:0.0362 for:0.0339 that:0.0309 with:0.0252 at:0.0245 -:0.6327 of:0.0912 and:0.0713 to:0.0646 the:0.0447 in:0.0293 with:0.0180 by:0.0163 for:0.0161 that:0.0159 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.6710 to:0.1316 and:0.0577 of:0.0325 in:0.0236 by:0.0213 the:0.0182 that:0.0157 on:0.0143 as:0.0142 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8070 and:0.0649 of:0.0560 to:0.0146 in:0.0130 or:0.0111 other:0.0106 who:0.0087 time:0.0071 the:0.0069 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6650 of:0.1098 and:0.0491 the:0.0490 to:0.0380 in:0.0268 at:0.0167 for:0.0163 by:0.0159 from:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7902 the:0.0706 of:0.0392 a:0.0262 and:0.0207 in:0.0183 is:0.0104 was:0.0094 for:0.0082 at:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7885 the:0.1266 a:0.0333 of:0.0111 this:0.0089 that:0.0079 tho:0.0073 it:0.0055 and:0.0054 his:0.0054 -:0.8708 the:0.0537 a:0.0199 to:0.0164 and:0.0078 in:0.0074 be:0.0068 it:0.0068 said:0.0052 of:0.0050 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.9256 and:0.0155 more:0.0107 he:0.0098 one:0.0073 to:0.0072 or:0.0067 that:0.0058 as:0.0057 is:0.0057 -:0.7570 that:0.1243 and:0.0367 as:0.0188 but:0.0142 if:0.0130 it:0.0104 when:0.0101 for:0.0088 so:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9573 he:0.0065 be:0.0051 they:0.0050 who:0.0050 never:0.0045 could:0.0043 we:0.0042 you:0.0040 it:0.0040 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.8242 the:0.0496 that:0.0313 which:0.0244 said:0.0173 them:0.0145 what:0.0120 all:0.0105 whom:0.0098 this:0.0064 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6517 of:0.1518 to:0.0454 the:0.0351 and:0.0317 in:0.0232 for:0.0172 a:0.0159 that:0.0151 at:0.0127 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6642 of:0.1536 and:0.0571 the:0.0272 in:0.0219 to:0.0181 that:0.0176 for:0.0165 a:0.0139 with:0.0100 -:0.9048 as:0.0209 it:0.0132 him:0.0120 them:0.0112 and:0.0111 is:0.0071 that:0.0070 up:0.0067 us:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8462 the:0.0596 of:0.0207 and:0.0196 a:0.0125 to:0.0121 in:0.0094 that:0.0085 his:0.0057 it:0.0057 -:0.6636 the:0.1104 and:0.0484 of:0.0439 to:0.0332 a:0.0276 is:0.0268 in:0.0198 was:0.0174 are:0.0090 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -:0.5976 the:0.2009 a:0.0768 of:0.0551 and:0.0220 in:0.0120 his:0.0095 this:0.0092 tho:0.0087 is:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8399 the:0.0532 other:0.0321 a:0.0258 own:0.0109 great:0.0093 more:0.0080 this:0.0076 very:0.0069 his:0.0062 -:0.7031 the:0.0940 of:0.0400 and:0.0357 a:0.0347 to:0.0310 was:0.0215 is:0.0176 in:0.0116 his:0.0108 -:0.5770 of:0.1347 the:0.0788 and:0.0554 is:0.0338 in:0.0284 or:0.0246 with:0.0231 was:0.0223 for:0.0218 -:0.8430 to:0.0537 in:0.0163 and:0.0159 been:0.0148 a:0.0140 by:0.0124 the:0.0114 had:0.0092 of:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6623 of:0.1517 and:0.0689 to:0.0293 is:0.0211 in:0.0193 or:0.0129 for:0.0126 was:0.0124 the:0.0096 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6327 of:0.0912 and:0.0713 to:0.0646 the:0.0447 in:0.0293 with:0.0180 by:0.0163 for:0.0161 that:0.0159 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7805 the:0.0843 to:0.0277 and:0.0221 in:0.0197 a:0.0197 of:0.0146 at:0.0145 by:0.0085 is:0.0084 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8993 to:0.0228 a:0.0162 been:0.0123 and:0.0100 the:0.0088 be:0.0087 well:0.0081 more:0.0072 only:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8037 the:0.0650 and:0.0367 of:0.0244 a:0.0176 was:0.0170 is:0.0122 in:0.0093 to:0.0084 be:0.0057 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9493 time:0.0096 work:0.0062 year:0.0060 and:0.0058 day:0.0053 place:0.0051 city:0.0045 man:0.0042 interest:0.0041 -:0.9136 years:0.0263 and:0.0202 days:0.0092 of:0.0060 men:0.0057 or:0.0050 out:0.0049 made:0.0049 down:0.0042 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6230 is:0.1066 are:0.0708 was:0.0685 the:0.0334 were:0.0327 and:0.0205 will:0.0169 of:0.0141 to:0.0134 -to:0.4480 :0.3739 and:0.0680 in:0.0251 is:0.0182 that:0.0168 of:0.0160 for:0.0117 the:0.0116 was:0.0107 -:0.8901 opportunity:0.0310 effort:0.0136 right:0.0123 appeal:0.0110 hour:0.0095 feet:0.0089 time:0.0085 order:0.0082 subject:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7983 found:0.0413 given:0.0394 made:0.0251 so:0.0215 seen:0.0193 held:0.0190 declared:0.0138 sure:0.0116 remembered:0.0108 -:0.6438 the:0.1880 a:0.0759 and:0.0246 of:0.0186 his:0.0158 this:0.0090 tho:0.0086 be:0.0080 was:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7398 the:0.0768 of:0.0525 to:0.0366 and:0.0362 in:0.0190 a:0.0125 that:0.0091 for:0.0089 this:0.0086 -:0.8793 and:0.0295 to:0.0283 of:0.0130 was:0.0119 is:0.0096 in:0.0096 the:0.0080 for:0.0055 a:0.0053 -:0.7582 the:0.0822 of:0.0378 and:0.0294 a:0.0261 that:0.0220 in:0.0173 to:0.0115 for:0.0085 all:0.0070 -:0.8485 part:0.0350 side:0.0200 line:0.0195 day:0.0190 deal:0.0185 one:0.0129 and:0.0102 out:0.0085 number:0.0079 -:0.9426 have:0.0093 the:0.0093 be:0.0074 it:0.0062 to:0.0060 he:0.0060 in:0.0045 and:0.0044 had:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6146 is:0.0720 and:0.0695 was:0.0549 to:0.0454 did:0.0351 do:0.0343 could:0.0262 will:0.0240 be:0.0239 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9063 hour:0.0355 side:0.0107 end:0.0087 day:0.0086 act:0.0078 office:0.0074 amount:0.0060 part:0.0048 opportunity:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7612 to:0.0749 of:0.0540 and:0.0465 in:0.0142 that:0.0132 for:0.0102 from:0.0101 with:0.0079 the:0.0078 -:0.9467 and:0.0132 of:0.0079 hundred:0.0070 in:0.0068 that:0.0045 was:0.0039 to:0.0035 days:0.0034 year:0.0031 -:0.4953 by:0.1204 in:0.0783 to:0.0624 for:0.0582 with:0.0576 of:0.0442 at:0.0348 on:0.0279 and:0.0209 -:0.9214 the:0.0257 and:0.0140 was:0.0076 a:0.0070 is:0.0060 of:0.0050 are:0.0049 had:0.0044 have:0.0042 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -of:0.2303 :0.5995 and:0.0532 to:0.0328 or:0.0201 hundred:0.0174 in:0.0152 with:0.0138 for:0.0099 is:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.8541 and:0.0365 to:0.0261 was:0.0195 of:0.0164 is:0.0163 or:0.0081 in:0.0081 that:0.0076 the:0.0073 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -the:0.2960 a:0.1124 :0.4682 his:0.0281 of:0.0220 tho:0.0194 this:0.0179 their:0.0132 our:0.0118 tbe:0.0109 -:0.6464 of:0.1739 and:0.0537 to:0.0297 in:0.0270 that:0.0169 for:0.0164 at:0.0141 as:0.0115 on:0.0102 -the:0.3992 :0.4505 a:0.0455 this:0.0245 tho:0.0186 his:0.0183 their:0.0129 these:0.0112 any:0.0107 our:0.0085 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -to:0.3691 been:0.1290 :0.3286 a:0.0428 not:0.0390 the:0.0334 no:0.0250 never:0.0120 and:0.0113 ever:0.0097 -:0.9494 as:0.0125 and:0.0077 it:0.0058 him:0.0050 up:0.0047 that:0.0047 in:0.0038 to:0.0033 known:0.0029 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7880 more:0.1143 better:0.0332 less:0.0167 man:0.0122 higher:0.0086 good:0.0073 larger:0.0073 little:0.0069 day:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6853 of:0.1474 and:0.0529 the:0.0385 to:0.0275 in:0.0161 or:0.0121 which:0.0071 by:0.0071 with:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.8401 the:0.0435 a:0.0235 to:0.0225 of:0.0195 and:0.0174 in:0.0122 it:0.0077 that:0.0073 he:0.0064 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7881 to:0.0548 and:0.0373 of:0.0293 in:0.0244 that:0.0163 the:0.0141 a:0.0128 for:0.0127 by:0.0103 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7685 the:0.0512 much:0.0477 that:0.0321 far:0.0223 to:0.0199 of:0.0161 it:0.0141 and:0.0140 a:0.0140 -:0.7045 the:0.1223 of:0.0490 and:0.0299 a:0.0238 in:0.0211 to:0.0200 his:0.0134 their:0.0087 for:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6254 of:0.1040 and:0.0830 to:0.0443 is:0.0347 was:0.0276 in:0.0260 that:0.0219 for:0.0184 the:0.0147 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8825 the:0.0267 and:0.0226 of:0.0157 that:0.0113 a:0.0109 as:0.0107 to:0.0078 which:0.0060 is:0.0059 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.4214 of:0.1141 to:0.0981 in:0.0882 for:0.0664 by:0.0542 with:0.0457 from:0.0389 on:0.0366 and:0.0363 -:0.9498 city:0.0101 same:0.0089 most:0.0056 people:0.0053 land:0.0044 law:0.0044 country:0.0039 time:0.0038 matter:0.0036 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.4571 they:0.1745 we:0.1034 it:0.0878 he:0.0571 you:0.0371 well:0.0309 there:0.0243 she:0.0168 soon:0.0111 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.8150 of:0.0501 in:0.0320 the:0.0178 for:0.0174 to:0.0167 with:0.0135 a:0.0130 and:0.0122 on:0.0122 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.6150 of:0.1792 and:0.0863 to:0.0236 that:0.0235 the:0.0169 in:0.0165 is:0.0139 for:0.0131 or:0.0120 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6393 of:0.1028 and:0.0771 to:0.0591 in:0.0300 was:0.0215 is:0.0206 for:0.0174 the:0.0169 on:0.0152 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7419 other:0.1379 the:0.0351 one:0.0203 and:0.0193 a:0.0121 more:0.0104 great:0.0097 public:0.0069 two:0.0065 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7353 and:0.1308 to:0.0385 was:0.0204 is:0.0178 of:0.0172 the:0.0128 will:0.0115 or:0.0081 has:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8726 and:0.0343 of:0.0311 the:0.0146 in:0.0122 to:0.0122 other:0.0067 is:0.0064 was:0.0053 on:0.0046 -:0.8544 and:0.0341 who:0.0168 has:0.0167 they:0.0151 he:0.0143 the:0.0133 is:0.0126 have:0.0115 as:0.0113 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.6393 be:0.1869 not:0.0600 have:0.0471 bo:0.0182 the:0.0161 take:0.0090 make:0.0080 a:0.0078 get:0.0076 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7389 of:0.0781 and:0.0396 to:0.0343 the:0.0309 as:0.0234 in:0.0203 for:0.0135 from:0.0108 at:0.0102 -:0.7793 to:0.0550 of:0.0449 and:0.0396 the:0.0289 in:0.0184 for:0.0110 that:0.0080 or:0.0075 by:0.0073 -:0.8982 and:0.0310 it:0.0100 is:0.0098 the:0.0095 he:0.0092 who:0.0091 that:0.0087 was:0.0080 of:0.0065 -:0.7351 of:0.0939 and:0.0442 that:0.0433 but:0.0244 as:0.0164 for:0.0127 to:0.0114 when:0.0096 is:0.0090 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6164 the:0.1174 to:0.0802 a:0.0390 of:0.0368 and:0.0323 in:0.0252 is:0.0184 was:0.0179 his:0.0164 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.8858 it:0.0348 he:0.0313 that:0.0087 which:0.0079 and:0.0079 city:0.0078 man:0.0057 war:0.0054 there:0.0049 -the:0.3926 :0.4073 this:0.0439 his:0.0368 a:0.0341 their:0.0247 tho:0.0212 which:0.0140 its:0.0137 our:0.0117 -:0.6978 the:0.0916 and:0.0526 to:0.0429 that:0.0241 in:0.0239 of:0.0188 a:0.0184 for:0.0163 as:0.0136 -:0.8820 up:0.0263 as:0.0201 and:0.0160 them:0.0135 it:0.0096 is:0.0091 him:0.0080 due:0.0078 feet:0.0077 -of:0.2168 :0.3989 in:0.0889 to:0.0700 ago:0.0600 for:0.0454 that:0.0356 and:0.0354 from:0.0250 at:0.0240 -:0.8542 the:0.0655 a:0.0207 that:0.0129 it:0.0105 to:0.0090 not:0.0077 said:0.0071 all:0.0062 tho:0.0062 -the:0.2844 :0.5312 a:0.0741 and:0.0308 of:0.0220 his:0.0138 in:0.0119 to:0.0119 no:0.0104 was:0.0095 -:0.7183 the:0.1598 a:0.0470 and:0.0211 of:0.0125 he:0.0092 this:0.0086 to:0.0085 or:0.0075 tho:0.0075 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.9245 him:0.0192 it:0.0155 them:0.0081 he:0.0068 the:0.0065 up:0.0056 me:0.0048 and:0.0045 you:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.5445 :0.2983 a:0.0382 tho:0.0318 this:0.0220 his:0.0218 their:0.0125 our:0.0107 its:0.0102 these:0.0101 -:0.5497 the:0.1766 of:0.1034 a:0.0598 and:0.0342 to:0.0254 in:0.0222 his:0.0135 for:0.0079 by:0.0073 -:0.8367 as:0.0305 they:0.0258 we:0.0238 there:0.0212 that:0.0149 who:0.0127 it:0.0118 which:0.0113 and:0.0112 -to:0.1963 will:0.0522 :0.5904 would:0.0331 shall:0.0289 of:0.0287 and:0.0188 may:0.0183 can:0.0172 should:0.0161 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3645 :0.3743 a:0.0937 this:0.0474 his:0.0284 any:0.0267 tho:0.0184 an:0.0162 their:0.0161 some:0.0143 -of:0.2947 :0.4867 and:0.0570 to:0.0452 the:0.0287 in:0.0256 for:0.0208 that:0.0158 a:0.0141 with:0.0114 -of:0.3234 :0.4504 and:0.0735 to:0.0396 in:0.0288 or:0.0239 the:0.0191 for:0.0163 that:0.0133 is:0.0118 -:0.7429 the:0.0736 and:0.0503 of:0.0401 a:0.0284 to:0.0196 was:0.0134 is:0.0120 in:0.0113 has:0.0083 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -of:0.3120 :0.4522 in:0.0572 to:0.0329 for:0.0329 on:0.0315 and:0.0230 at:0.0222 from:0.0209 with:0.0152 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7235 of:0.1335 and:0.0484 in:0.0239 to:0.0152 the:0.0145 was:0.0114 is:0.0104 for:0.0100 at:0.0092 -:0.9600 day:0.0064 man:0.0053 time:0.0044 interest:0.0043 place:0.0042 home:0.0040 year:0.0040 hour:0.0038 work:0.0036 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.7005 the:0.0784 of:0.0698 and:0.0333 a:0.0318 in:0.0203 to:0.0177 for:0.0174 at:0.0165 is:0.0142 -:0.5090 the:0.2572 a:0.0546 to:0.0486 of:0.0422 and:0.0302 this:0.0194 his:0.0176 in:0.0123 tho:0.0090 -of:0.1488 :0.4542 to:0.0747 in:0.0747 for:0.0534 by:0.0495 at:0.0397 on:0.0393 from:0.0336 with:0.0322 -:0.5362 to:0.1967 and:0.0632 of:0.0570 in:0.0372 the:0.0368 a:0.0221 for:0.0211 or:0.0150 at:0.0148 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8899 now:0.0278 not:0.0235 made:0.0122 held:0.0092 placed:0.0089 that:0.0083 being:0.0075 so:0.0066 it:0.0061 -:0.9138 and:0.0145 the:0.0136 it:0.0122 that:0.0121 much:0.0110 a:0.0088 one:0.0066 an:0.0039 him:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7095 of:0.1333 the:0.0510 and:0.0241 in:0.0214 to:0.0199 or:0.0131 a:0.0097 is:0.0090 that:0.0090 -:0.7456 order:0.0892 regard:0.0760 addition:0.0259 relation:0.0160 reference:0.0117 said:0.0102 him:0.0096 them:0.0083 view:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3449 :0.4778 a:0.0404 this:0.0380 said:0.0351 tho:0.0167 its:0.0137 their:0.0120 his:0.0111 any:0.0102 -:0.7883 of:0.0414 is:0.0401 to:0.0276 and:0.0240 was:0.0235 in:0.0200 as:0.0128 for:0.0112 are:0.0111 -:0.6643 to:0.1222 and:0.0481 of:0.0390 in:0.0304 a:0.0226 are:0.0204 the:0.0194 for:0.0185 were:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7061 the:0.0720 a:0.0511 to:0.0354 and:0.0262 that:0.0253 it:0.0249 of:0.0205 in:0.0199 he:0.0185 -:0.7507 of:0.0852 hundred:0.0311 and:0.0300 or:0.0271 to:0.0256 is:0.0156 a:0.0122 are:0.0119 was:0.0105 -:0.7650 of:0.0879 the:0.0379 and:0.0320 are:0.0164 in:0.0161 a:0.0147 or:0.0128 was:0.0087 have:0.0086 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8430 to:0.0537 in:0.0163 and:0.0159 been:0.0148 a:0.0140 by:0.0124 the:0.0114 had:0.0092 of:0.0092 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8874 the:0.0356 one:0.0174 order:0.0122 a:0.0096 two:0.0090 front:0.0086 this:0.0085 which:0.0059 favor:0.0057 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.8658 he:0.0317 all:0.0172 and:0.0147 said:0.0147 it:0.0144 you:0.0119 so:0.0108 that:0.0099 those:0.0090 -will:0.2578 would:0.1466 may:0.1156 to:0.0923 shall:0.0710 should:0.0520 :0.1636 must:0.0433 can:0.0348 could:0.0231 -the:0.0080 :0.9750 a:0.0037 be:0.0032 this:0.0021 our:0.0018 tho:0.0017 their:0.0016 tbe:0.0015 one:0.0013 -:0.7114 of:0.0911 and:0.0417 to:0.0348 as:0.0309 is:0.0273 has:0.0221 for:0.0142 in:0.0133 was:0.0132 -:0.6234 the:0.0910 a:0.0780 in:0.0541 any:0.0464 no:0.0341 to:0.0309 of:0.0196 for:0.0119 on:0.0106 -:0.9013 good:0.0197 great:0.0184 little:0.0162 very:0.0095 large:0.0090 few:0.0069 man:0.0068 better:0.0063 small:0.0059 -to:0.1900 :0.4047 in:0.1125 of:0.0713 by:0.0505 for:0.0476 on:0.0395 and:0.0304 from:0.0277 at:0.0258 -:0.5380 to:0.1373 of:0.1165 and:0.0656 in:0.0390 the:0.0320 that:0.0219 by:0.0192 for:0.0180 a:0.0125 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.8322 of:0.0622 and:0.0366 to:0.0146 the:0.0111 that:0.0106 in:0.0105 as:0.0077 for:0.0074 or:0.0071 -of:0.4744 :0.3356 and:0.0684 to:0.0419 in:0.0234 or:0.0140 for:0.0131 with:0.0112 on:0.0093 at:0.0088 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.8405 who:0.0389 he:0.0331 and:0.0322 have:0.0122 that:0.0098 they:0.0095 we:0.0083 which:0.0080 she:0.0074 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.5700 of:0.1196 the:0.0787 to:0.0708 and:0.0697 in:0.0328 for:0.0185 a:0.0140 that:0.0136 is:0.0123 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8006 of:0.0957 and:0.0345 or:0.0161 to:0.0125 in:0.0115 the:0.0089 years:0.0072 which:0.0065 as:0.0064 -:0.5980 the:0.1804 a:0.0731 to:0.0379 of:0.0285 in:0.0208 and:0.0177 that:0.0154 it:0.0142 by:0.0141 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.8965 order:0.0281 time:0.0259 way:0.0115 power:0.0071 right:0.0065 is:0.0064 feet:0.0064 addition:0.0061 effort:0.0057 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7424 the:0.0957 of:0.0390 and:0.0346 in:0.0200 to:0.0154 that:0.0149 was:0.0133 a:0.0124 for:0.0123 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.4604 of:0.1758 in:0.1031 to:0.0707 and:0.0531 for:0.0363 from:0.0282 with:0.0251 that:0.0244 on:0.0229 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7005 of:0.0856 to:0.0507 in:0.0424 that:0.0325 on:0.0221 for:0.0211 and:0.0166 at:0.0155 with:0.0129 -:0.7731 to:0.0537 of:0.0373 and:0.0315 is:0.0266 was:0.0222 are:0.0205 or:0.0128 will:0.0119 were:0.0103 -:0.7431 of:0.0742 to:0.0452 and:0.0337 the:0.0253 that:0.0244 in:0.0177 for:0.0141 by:0.0128 with:0.0094 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.9263 hour:0.0289 interview:0.0102 acre:0.0076 time:0.0056 hand:0.0055 opportunity:0.0050 home:0.0049 inch:0.0030 eye:0.0030 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8196 of:0.0517 and:0.0387 to:0.0252 in:0.0175 the:0.0142 or:0.0107 for:0.0081 on:0.0075 at:0.0067 -:0.6910 the:0.1570 that:0.0508 a:0.0266 tho:0.0143 other:0.0138 and:0.0127 their:0.0116 this:0.0115 of:0.0108 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.8655 he:0.0229 the:0.0195 and:0.0187 they:0.0160 we:0.0146 is:0.0129 have:0.0107 who:0.0101 has:0.0092 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9526 one:0.0128 many:0.0084 out:0.0075 all:0.0044 any:0.0036 part:0.0028 use:0.0028 some:0.0027 line:0.0024 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7317 of:0.0606 and:0.0605 in:0.0249 as:0.0248 the:0.0237 to:0.0223 is:0.0189 at:0.0164 for:0.0162 -:0.7675 and:0.0482 of:0.0371 to:0.0352 is:0.0342 as:0.0226 was:0.0170 in:0.0144 that:0.0121 the:0.0118 -:0.8204 and:0.0444 the:0.0395 to:0.0210 of:0.0203 that:0.0138 a:0.0130 in:0.0107 he:0.0090 it:0.0078 -of:0.2318 :0.4977 in:0.0722 to:0.0379 for:0.0351 that:0.0315 on:0.0269 and:0.0232 at:0.0221 with:0.0215 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -of:0.1939 in:0.1043 :0.3790 to:0.0707 for:0.0550 on:0.0478 by:0.0410 at:0.0371 with:0.0368 from:0.0345 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -the:0.2899 :0.5578 a:0.0328 his:0.0229 tho:0.0197 all:0.0197 this:0.0181 least:0.0146 any:0.0144 their:0.0101 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7829 to:0.0525 of:0.0271 and:0.0254 the:0.0228 in:0.0220 a:0.0193 he:0.0192 it:0.0146 that:0.0141 -:0.7407 the:0.0874 to:0.0561 and:0.0354 a:0.0213 will:0.0139 of:0.0125 we:0.0118 is:0.0106 or:0.0104 -:0.5902 of:0.0994 to:0.0766 and:0.0597 the:0.0565 that:0.0310 in:0.0310 for:0.0214 a:0.0177 by:0.0166 -the:0.3005 :0.5162 a:0.0451 this:0.0364 said:0.0245 his:0.0238 tho:0.0188 their:0.0130 our:0.0119 these:0.0098 -:0.7886 to:0.0401 that:0.0326 he:0.0310 and:0.0272 the:0.0260 it:0.0240 a:0.0130 which:0.0094 in:0.0081 -:0.9659 city:0.0086 country:0.0043 year:0.0039 hundred:0.0031 time:0.0030 law:0.0030 world:0.0028 house:0.0027 work:0.0026 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7322 who:0.1735 which:0.0230 and:0.0145 that:0.0128 men:0.0126 they:0.0084 one:0.0079 it:0.0078 of:0.0072 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5350 of:0.2114 to:0.0716 and:0.0538 in:0.0459 for:0.0221 on:0.0164 at:0.0158 with:0.0151 by:0.0129 -:0.7101 are:0.0994 have:0.0475 were:0.0428 had:0.0233 went:0.0187 put:0.0176 do:0.0152 come:0.0135 go:0.0118 -:0.9335 of:0.0123 is:0.0085 was:0.0082 had:0.0068 and:0.0066 will:0.0064 are:0.0059 to:0.0059 would:0.0059 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.6622 of:0.0702 to:0.0575 and:0.0518 in:0.0310 the:0.0286 that:0.0283 for:0.0257 by:0.0235 as:0.0210 -:0.8993 deal:0.0276 day:0.0115 side:0.0114 part:0.0109 amount:0.0108 number:0.0090 line:0.0067 end:0.0065 one:0.0064 -:0.4321 of:0.1934 in:0.1242 at:0.0501 to:0.0468 for:0.0459 that:0.0298 from:0.0289 on:0.0250 with:0.0238 -:0.6556 to:0.0837 of:0.0743 and:0.0523 the:0.0478 in:0.0300 a:0.0149 on:0.0143 that:0.0139 for:0.0133 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.4464 is:0.1386 was:0.1019 are:0.0998 were:0.0478 the:0.0428 to:0.0352 will:0.0342 a:0.0283 be:0.0251 -:0.7864 is:0.0534 and:0.0351 are:0.0292 was:0.0259 to:0.0211 will:0.0135 who:0.0126 were:0.0123 has:0.0105 -:0.8211 the:0.0343 of:0.0317 a:0.0260 and:0.0244 that:0.0177 in:0.0161 to:0.0114 for:0.0089 with:0.0084 -:0.9447 the:0.0119 be:0.0076 and:0.0072 he:0.0067 have:0.0059 a:0.0047 had:0.0040 was:0.0039 is:0.0033 -:0.6356 the:0.1710 of:0.0444 a:0.0393 to:0.0317 in:0.0225 and:0.0225 at:0.0153 his:0.0089 or:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8579 the:0.0351 of:0.0203 to:0.0150 not:0.0144 he:0.0140 and:0.0122 a:0.0108 be:0.0105 that:0.0100 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6811 the:0.1066 to:0.0472 a:0.0360 of:0.0313 and:0.0273 that:0.0224 in:0.0218 by:0.0156 for:0.0106 -:0.6171 been:0.1325 a:0.0839 the:0.0545 not:0.0326 no:0.0217 to:0.0202 so:0.0162 an:0.0127 that:0.0087 -:0.7682 the:0.0840 we:0.0291 they:0.0265 a:0.0190 he:0.0185 and:0.0163 to:0.0150 who:0.0135 his:0.0098 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7555 to:0.0661 and:0.0541 is:0.0430 was:0.0258 of:0.0127 in:0.0115 are:0.0109 will:0.0102 the:0.0102 -:0.7073 the:0.0535 to:0.0454 and:0.0405 of:0.0394 in:0.0310 a:0.0230 that:0.0215 by:0.0204 for:0.0181 -:0.9084 and:0.0191 so:0.0167 that:0.0128 all:0.0108 not:0.0078 said:0.0063 say:0.0060 he:0.0060 it:0.0059 -:0.8267 of:0.0439 and:0.0249 are:0.0208 is:0.0202 in:0.0149 have:0.0135 was:0.0122 will:0.0115 were:0.0114 -:0.8780 which:0.0224 who:0.0171 and:0.0162 as:0.0143 that:0.0137 it:0.0115 men:0.0098 years:0.0089 days:0.0082 -:0.5664 have:0.1094 had:0.1052 are:0.0903 were:0.0547 will:0.0186 can:0.0172 would:0.0154 could:0.0130 do:0.0098 -:0.7305 of:0.1192 and:0.0590 to:0.0232 the:0.0140 in:0.0139 with:0.0106 that:0.0105 or:0.0100 as:0.0091 -:0.6919 the:0.0891 of:0.0667 and:0.0477 in:0.0282 to:0.0279 for:0.0164 by:0.0109 a:0.0106 as:0.0106 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2522 :0.5236 in:0.0642 and:0.0315 for:0.0267 at:0.0239 that:0.0229 from:0.0205 on:0.0180 to:0.0165 -:0.8869 time:0.0257 year:0.0145 country:0.0141 city:0.0140 morning:0.0120 way:0.0109 case:0.0076 state:0.0074 day:0.0069 -:0.8765 of:0.0381 and:0.0274 the:0.0182 in:0.0106 to:0.0081 a:0.0079 for:0.0045 are:0.0043 as:0.0043 -:0.6943 the:0.0976 a:0.0653 and:0.0339 of:0.0301 to:0.0215 that:0.0173 this:0.0157 which:0.0122 his:0.0119 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9396 had:0.0174 was:0.0122 has:0.0054 would:0.0048 could:0.0046 is:0.0045 went:0.0042 made:0.0037 will:0.0034 -the:0.5384 :0.3212 a:0.0321 tho:0.0294 this:0.0209 his:0.0182 any:0.0127 our:0.0106 their:0.0099 tbe:0.0065 -to:0.4862 :0.4236 and:0.0253 in:0.0219 of:0.0125 was:0.0077 will:0.0063 for:0.0062 is:0.0061 a:0.0043 -:0.4305 to:0.2281 will:0.1638 would:0.0357 shall:0.0335 can:0.0273 may:0.0250 should:0.0218 and:0.0214 must:0.0129 -:0.6993 the:0.1852 a:0.0409 and:0.0142 to:0.0130 his:0.0111 it:0.0098 in:0.0094 tho:0.0088 this:0.0082 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6313 the:0.1111 a:0.1077 of:0.0522 and:0.0323 in:0.0207 for:0.0153 at:0.0113 by:0.0099 with:0.0081 -:0.9058 and:0.0155 the:0.0142 of:0.0137 time:0.0099 a:0.0098 that:0.0086 to:0.0081 in:0.0075 day:0.0068 -:0.8267 of:0.0439 and:0.0249 are:0.0208 is:0.0202 in:0.0149 have:0.0135 was:0.0122 will:0.0115 were:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7728 to:0.0561 and:0.0447 of:0.0293 in:0.0245 for:0.0199 that:0.0153 the:0.0143 with:0.0119 was:0.0113 -:0.6593 have:0.1501 are:0.0617 had:0.0437 were:0.0261 the:0.0145 be:0.0129 do:0.0110 find:0.0107 in:0.0102 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.5714 of:0.1115 to:0.0840 and:0.0561 the:0.0511 a:0.0414 in:0.0314 or:0.0187 are:0.0178 will:0.0166 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9014 and:0.0249 to:0.0133 is:0.0116 him:0.0114 up:0.0103 out:0.0086 was:0.0067 made:0.0062 them:0.0057 -the:0.3332 a:0.2420 :0.3397 tho:0.0174 an:0.0147 to:0.0136 no:0.0115 any:0.0096 this:0.0092 his:0.0091 -:0.8787 as:0.0179 up:0.0155 is:0.0152 him:0.0143 according:0.0135 them:0.0125 it:0.0123 and:0.0120 you:0.0082 -:0.8424 the:0.0301 to:0.0226 in:0.0223 and:0.0197 of:0.0180 that:0.0139 a:0.0116 by:0.0097 at:0.0096 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5760 of:0.1657 to:0.0730 and:0.0688 in:0.0332 for:0.0197 the:0.0191 by:0.0172 with:0.0154 at:0.0118 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7452 the:0.0862 of:0.0493 a:0.0327 and:0.0277 in:0.0177 to:0.0113 that:0.0109 by:0.0098 for:0.0092 -:0.6376 the:0.0864 to:0.0610 of:0.0608 and:0.0482 in:0.0320 that:0.0224 a:0.0180 with:0.0171 for:0.0165 -:0.5326 of:0.2567 and:0.0741 to:0.0407 in:0.0266 for:0.0180 that:0.0155 or:0.0147 the:0.0116 with:0.0095 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.8749 that:0.0212 the:0.0193 a:0.0190 one:0.0160 and:0.0158 it:0.0121 he:0.0086 much:0.0071 good:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7612 the:0.0774 to:0.0437 and:0.0221 a:0.0218 in:0.0207 of:0.0201 by:0.0114 that:0.0111 at:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8874 and:0.0409 is:0.0189 was:0.0140 are:0.0126 to:0.0057 will:0.0055 were:0.0052 but:0.0049 be:0.0049 -:0.7234 of:0.0807 the:0.0493 and:0.0345 a:0.0305 in:0.0210 for:0.0172 with:0.0159 to:0.0152 by:0.0123 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8983 and:0.0250 of:0.0226 the:0.0093 as:0.0091 is:0.0087 for:0.0073 that:0.0072 in:0.0065 to:0.0061 -:0.6728 the:0.0596 of:0.0580 to:0.0536 and:0.0451 that:0.0424 in:0.0231 a:0.0177 he:0.0144 for:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7047 and:0.1119 to:0.0500 of:0.0376 is:0.0245 or:0.0162 are:0.0157 we:0.0137 was:0.0131 it:0.0127 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -the:0.4500 :0.3172 a:0.1408 his:0.0283 tho:0.0184 this:0.0141 their:0.0097 to:0.0074 any:0.0072 of:0.0069 -:0.6966 of:0.1240 and:0.0616 to:0.0419 in:0.0265 for:0.0127 the:0.0104 a:0.0089 at:0.0087 or:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8086 of:0.0432 to:0.0336 in:0.0236 and:0.0217 is:0.0161 was:0.0148 are:0.0142 were:0.0125 has:0.0117 -:0.7283 have:0.0748 are:0.0744 the:0.0288 a:0.0250 were:0.0195 be:0.0148 had:0.0134 is:0.0133 he:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8430 the:0.0430 and:0.0301 to:0.0280 a:0.0175 was:0.0091 will:0.0088 said:0.0075 are:0.0066 this:0.0063 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7970 the:0.0750 a:0.0378 and:0.0225 is:0.0177 was:0.0127 be:0.0116 or:0.0091 are:0.0084 of:0.0082 -:0.8609 was:0.0237 a:0.0228 and:0.0220 the:0.0197 is:0.0169 to:0.0090 of:0.0085 that:0.0083 in:0.0081 -:0.9394 and:0.0108 it:0.0095 is:0.0073 him:0.0068 was:0.0066 are:0.0059 that:0.0049 the:0.0047 were:0.0041 -:0.7174 of:0.0892 and:0.0581 the:0.0294 to:0.0285 in:0.0280 that:0.0139 for:0.0139 with:0.0111 or:0.0103 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.8977 day:0.0201 hundred:0.0181 and:0.0160 of:0.0135 man:0.0104 or:0.0077 year:0.0073 to:0.0048 is:0.0045 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.6505 the:0.1342 a:0.0862 of:0.0496 and:0.0217 his:0.0173 in:0.0120 this:0.0098 tho:0.0096 for:0.0091 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.6280 the:0.1338 and:0.0448 of:0.0415 is:0.0392 a:0.0373 was:0.0345 to:0.0163 be:0.0126 in:0.0121 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8438 the:0.0728 and:0.0153 a:0.0150 to:0.0120 of:0.0115 in:0.0102 other:0.0067 it:0.0065 more:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6596 the:0.0885 of:0.0869 to:0.0309 and:0.0292 a:0.0286 that:0.0260 in:0.0184 for:0.0164 by:0.0155 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.5949 the:0.2209 a:0.0556 his:0.0402 their:0.0252 her:0.0183 this:0.0130 all:0.0119 its:0.0109 tho:0.0090 -:0.8213 the:0.0386 and:0.0278 to:0.0251 that:0.0196 of:0.0195 in:0.0150 he:0.0118 a:0.0112 for:0.0099 -:0.7806 the:0.0983 a:0.0592 of:0.0107 and:0.0096 to:0.0090 it:0.0089 tho:0.0083 this:0.0078 any:0.0075 -:0.7251 in:0.0532 that:0.0492 of:0.0429 to:0.0323 for:0.0241 at:0.0221 on:0.0188 all:0.0175 and:0.0148 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6019 that:0.2164 and:0.0320 as:0.0262 which:0.0238 it:0.0233 to:0.0231 of:0.0209 if:0.0163 in:0.0161 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8542 the:0.0273 you:0.0200 and:0.0180 it:0.0160 we:0.0152 is:0.0133 they:0.0128 to:0.0117 them:0.0115 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8937 and:0.0282 of:0.0214 to:0.0140 in:0.0110 the:0.0085 a:0.0066 for:0.0059 that:0.0058 as:0.0048 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9172 and:0.0295 of:0.0102 that:0.0072 a:0.0066 the:0.0065 to:0.0063 are:0.0057 or:0.0056 is:0.0051 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.9472 people:0.0104 city:0.0097 government:0.0071 law:0.0053 county:0.0046 case:0.0042 right:0.0042 same:0.0039 time:0.0034 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -is:0.2834 :0.4932 was:0.1235 the:0.0313 and:0.0160 to:0.0122 a:0.0105 be:0.0104 has:0.0104 are:0.0091 -:0.9036 and:0.0219 said:0.0158 say:0.0115 fact:0.0093 so:0.0080 do:0.0077 is:0.0077 all:0.0073 know:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7606 be:0.0857 which:0.0434 that:0.0286 do:0.0155 say:0.0151 see:0.0142 have:0.0135 whom:0.0119 the:0.0115 -:0.8946 and:0.0170 it:0.0144 together:0.0139 up:0.0134 to:0.0131 him:0.0123 them:0.0081 covered:0.0066 connected:0.0065 -:0.4730 in:0.1372 to:0.0984 of:0.0882 for:0.0550 and:0.0400 on:0.0357 with:0.0275 by:0.0228 at:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9361 the:0.0160 a:0.0141 and:0.0064 of:0.0057 time:0.0048 that:0.0046 said:0.0044 to:0.0040 in:0.0039 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8734 other:0.0479 and:0.0174 of:0.0122 one:0.0109 time:0.0101 the:0.0078 more:0.0075 to:0.0072 person:0.0055 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.8206 of:0.0395 and:0.0378 the:0.0244 to:0.0177 is:0.0138 or:0.0123 a:0.0119 was:0.0114 be:0.0106 -it:0.2723 :0.4696 there:0.0997 he:0.0977 she:0.0210 which:0.0099 the:0.0096 they:0.0086 ho:0.0062 we:0.0055 -:0.8289 and:0.0548 to:0.0271 is:0.0247 was:0.0197 it:0.0129 are:0.0099 or:0.0083 he:0.0079 as:0.0058 -:0.7135 to:0.0756 of:0.0448 and:0.0379 a:0.0335 the:0.0323 in:0.0209 for:0.0150 by:0.0140 that:0.0125 -:0.8995 the:0.0282 old:0.0196 a:0.0150 hour:0.0095 last:0.0068 of:0.0059 and:0.0053 first:0.0052 all:0.0051 -:0.7479 the:0.0947 a:0.0378 and:0.0372 of:0.0334 his:0.0144 that:0.0089 their:0.0087 was:0.0087 in:0.0084 -the:0.3708 :0.4783 a:0.0441 this:0.0251 to:0.0190 his:0.0153 tho:0.0140 an:0.0124 any:0.0107 one:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.7163 the:0.0644 and:0.0524 a:0.0321 was:0.0306 to:0.0305 is:0.0299 will:0.0165 of:0.0162 are:0.0111 -:0.7537 to:0.0662 a:0.0367 not:0.0286 that:0.0258 hereby:0.0222 the:0.0186 in:0.0167 now:0.0163 no:0.0151 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8809 to:0.0247 the:0.0182 in:0.0167 of:0.0163 a:0.0121 and:0.0103 for:0.0080 by:0.0066 with:0.0063 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6744 the:0.0479 is:0.0468 he:0.0451 we:0.0445 they:0.0385 was:0.0303 will:0.0260 are:0.0251 would:0.0215 -:0.5078 to:0.1157 in:0.0888 of:0.0854 for:0.0436 and:0.0384 by:0.0382 on:0.0347 at:0.0242 from:0.0232 -:0.6120 the:0.2507 a:0.0363 it:0.0190 his:0.0189 tho:0.0168 all:0.0128 their:0.0122 which:0.0107 that:0.0107 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -the:0.3604 :0.5046 a:0.0341 his:0.0242 tho:0.0231 their:0.0141 this:0.0113 said:0.0098 our:0.0096 tbe:0.0087 -:0.6367 of:0.2086 and:0.0294 the:0.0216 a:0.0207 or:0.0200 in:0.0190 hundred:0.0173 to:0.0158 for:0.0110 -the:0.2810 :0.6074 and:0.0237 a:0.0165 as:0.0160 that:0.0158 is:0.0109 their:0.0109 at:0.0091 they:0.0088 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8320 and:0.0496 of:0.0194 was:0.0178 to:0.0169 is:0.0158 out:0.0125 but:0.0125 in:0.0122 that:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7388 the:0.1132 and:0.0369 of:0.0312 a:0.0258 in:0.0126 his:0.0124 that:0.0109 this:0.0095 said:0.0088 -:0.6509 the:0.1424 a:0.0817 to:0.0335 and:0.0193 him:0.0193 that:0.0167 in:0.0128 it:0.0118 an:0.0114 -:0.7544 the:0.1059 a:0.0459 and:0.0170 that:0.0168 to:0.0160 of:0.0133 in:0.0128 by:0.0090 it:0.0089 -:0.8005 the:0.0827 and:0.0318 a:0.0212 is:0.0120 of:0.0119 that:0.0107 he:0.0106 this:0.0097 was:0.0088 -:0.9249 other:0.0199 same:0.0142 said:0.0073 past:0.0064 most:0.0060 following:0.0055 whole:0.0055 old:0.0053 north:0.0050 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5466 of:0.1411 in:0.0809 to:0.0725 and:0.0468 for:0.0306 from:0.0296 with:0.0210 on:0.0155 by:0.0154 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -:0.7824 and:0.0622 to:0.0311 of:0.0282 so:0.0263 in:0.0191 but:0.0184 that:0.0182 for:0.0072 is:0.0068 -:0.9112 out:0.0154 one:0.0133 part:0.0116 day:0.0116 that:0.0102 line:0.0087 side:0.0068 and:0.0060 account:0.0052 -:0.6958 than:0.1227 of:0.0598 or:0.0253 and:0.0221 to:0.0196 the:0.0192 in:0.0138 at:0.0123 a:0.0095 -of:0.2879 :0.4330 to:0.0844 in:0.0467 for:0.0441 and:0.0360 with:0.0222 at:0.0168 from:0.0153 on:0.0136 -:0.7498 of:0.0998 and:0.0451 the:0.0343 to:0.0145 in:0.0137 which:0.0135 or:0.0126 that:0.0083 for:0.0082 -will:0.2343 would:0.1862 could:0.1001 shall:0.0717 should:0.0663 may:0.0632 can:0.0578 must:0.0421 :0.1475 to:0.0308 -:0.8091 of:0.0528 and:0.0422 to:0.0295 for:0.0139 the:0.0138 in:0.0127 that:0.0096 was:0.0085 a:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6977 the:0.1384 a:0.0462 and:0.0261 to:0.0250 that:0.0199 of:0.0175 in:0.0122 an:0.0086 he:0.0084 -:0.9339 people:0.0193 same:0.0090 men:0.0078 world:0.0075 city:0.0067 government:0.0048 county:0.0041 land:0.0037 boys:0.0032 -:0.6209 the:0.2204 of:0.0412 a:0.0275 to:0.0225 in:0.0207 and:0.0187 tho:0.0104 is:0.0092 at:0.0086 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.8005 the:0.0827 and:0.0318 a:0.0212 is:0.0120 of:0.0119 that:0.0107 he:0.0106 this:0.0097 was:0.0088 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6960 of:0.0654 and:0.0544 the:0.0534 in:0.0285 to:0.0279 that:0.0271 a:0.0175 for:0.0156 at:0.0142 -:0.6813 it:0.0675 and:0.0567 as:0.0511 that:0.0285 there:0.0258 they:0.0256 but:0.0227 he:0.0224 which:0.0184 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8650 and:0.0341 of:0.0322 up:0.0128 out:0.0104 days:0.0102 or:0.0098 to:0.0094 but:0.0085 year:0.0077 -:0.7158 in:0.0791 all:0.0345 to:0.0295 for:0.0264 at:0.0253 of:0.0237 on:0.0232 if:0.0213 by:0.0212 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9473 same:0.0143 world:0.0068 city:0.0067 country:0.0048 year:0.0047 long:0.0041 law:0.0041 government:0.0038 time:0.0032 -:0.8224 which:0.0829 the:0.0184 order:0.0148 it:0.0120 that:0.0120 they:0.0117 this:0.0105 all:0.0077 there:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5153 he:0.2126 they:0.0846 we:0.0503 it:0.0359 she:0.0316 you:0.0235 there:0.0182 and:0.0154 which:0.0126 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -in:0.1199 :0.3951 to:0.1048 of:0.0886 by:0.0754 on:0.0608 for:0.0566 that:0.0368 at:0.0348 from:0.0273 -:0.6966 the:0.1153 he:0.0405 are:0.0320 to:0.0277 have:0.0214 and:0.0177 they:0.0171 a:0.0167 were:0.0150 -:0.7209 the:0.1156 to:0.0599 a:0.0275 in:0.0153 no:0.0130 other:0.0125 any:0.0123 tho:0.0121 that:0.0110 -:0.7490 the:0.1430 a:0.0352 and:0.0129 it:0.0127 to:0.0114 tho:0.0098 that:0.0095 his:0.0084 he:0.0081 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.4214 of:0.1141 to:0.0981 in:0.0882 for:0.0664 by:0.0542 with:0.0457 from:0.0389 on:0.0366 and:0.0363 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -a:0.1427 :0.6953 the:0.0653 very:0.0236 no:0.0185 an:0.0177 made:0.0109 in:0.0099 found:0.0082 able:0.0078 -:0.8939 and:0.0312 to:0.0155 of:0.0112 a:0.0111 was:0.0081 is:0.0078 he:0.0076 the:0.0068 be:0.0067 -of:0.4744 :0.3356 and:0.0684 to:0.0419 in:0.0234 or:0.0140 for:0.0131 with:0.0112 on:0.0093 at:0.0088 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.7986 and:0.0658 to:0.0624 that:0.0164 of:0.0164 the:0.0112 as:0.0088 will:0.0072 in:0.0068 which:0.0064 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7705 to:0.0681 it:0.0567 and:0.0264 that:0.0184 he:0.0182 there:0.0153 but:0.0111 who:0.0088 which:0.0067 -:0.9077 time:0.0175 man:0.0135 person:0.0125 and:0.0089 city:0.0088 matter:0.0081 thing:0.0078 one:0.0077 part:0.0075 -:0.5362 at:0.1646 of:0.1225 the:0.0533 and:0.0352 in:0.0321 by:0.0193 on:0.0125 that:0.0124 for:0.0120 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -is:0.2936 was:0.1579 :0.4088 as:0.0285 in:0.0235 with:0.0220 to:0.0193 for:0.0177 has:0.0174 of:0.0114 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7241 to:0.0655 and:0.0458 in:0.0362 of:0.0265 be:0.0253 that:0.0249 have:0.0192 for:0.0181 with:0.0144 -:0.9409 one:0.0138 out:0.0097 all:0.0093 that:0.0080 and:0.0051 some:0.0038 day:0.0035 is:0.0031 line:0.0028 -:0.6555 the:0.0921 to:0.0838 in:0.0371 and:0.0324 by:0.0235 a:0.0228 of:0.0219 that:0.0163 at:0.0146 -:0.8461 and:0.0549 to:0.0214 up:0.0147 him:0.0130 it:0.0122 but:0.0105 out:0.0103 of:0.0094 day:0.0074 -:0.6312 of:0.1405 in:0.0575 and:0.0309 by:0.0300 to:0.0279 that:0.0242 from:0.0204 with:0.0190 for:0.0184 -:0.8063 the:0.0478 and:0.0442 to:0.0270 was:0.0166 is:0.0146 will:0.0127 a:0.0124 would:0.0094 of:0.0090 -:0.6630 as:0.0607 of:0.0454 with:0.0423 in:0.0396 is:0.0392 for:0.0356 to:0.0265 that:0.0256 and:0.0222 -the:0.2459 :0.6057 a:0.0335 if:0.0233 in:0.0179 it:0.0164 he:0.0163 this:0.0150 tho:0.0142 to:0.0117 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.8804 and:0.0349 of:0.0196 the:0.0162 that:0.0140 to:0.0122 as:0.0064 in:0.0057 a:0.0056 which:0.0050 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.6668 the:0.1798 a:0.0523 of:0.0250 and:0.0206 was:0.0135 tho:0.0115 is:0.0108 be:0.0105 this:0.0093 -to:0.3797 :0.3981 the:0.0548 will:0.0341 they:0.0293 he:0.0273 a:0.0218 we:0.0202 and:0.0192 may:0.0155 -:0.9005 the:0.0210 and:0.0190 of:0.0156 a:0.0105 to:0.0102 that:0.0069 have:0.0057 had:0.0054 in:0.0052 -:0.5983 the:0.1121 a:0.0624 to:0.0563 by:0.0450 of:0.0359 in:0.0313 and:0.0288 for:0.0157 at:0.0141 -:0.6815 the:0.0965 to:0.0511 of:0.0497 and:0.0371 a:0.0268 in:0.0231 his:0.0130 with:0.0112 for:0.0100 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -the:0.0690 a:0.0225 :0.8566 this:0.0107 said:0.0088 tho:0.0078 his:0.0068 an:0.0067 its:0.0062 their:0.0049 -:0.6543 to:0.0896 that:0.0553 and:0.0500 of:0.0387 as:0.0385 in:0.0245 for:0.0221 but:0.0157 the:0.0113 -:0.6189 to:0.1114 and:0.0816 of:0.0706 in:0.0383 for:0.0212 the:0.0166 was:0.0147 or:0.0136 on:0.0130 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.6877 of:0.0643 to:0.0586 the:0.0518 and:0.0322 in:0.0322 a:0.0218 for:0.0179 by:0.0169 with:0.0165 -:0.8663 and:0.0480 but:0.0143 is:0.0120 to:0.0115 in:0.0110 him:0.0096 of:0.0093 that:0.0093 all:0.0088 -:0.8091 of:0.0528 and:0.0422 to:0.0295 for:0.0139 the:0.0138 in:0.0127 that:0.0096 was:0.0085 a:0.0080 -:0.8228 and:0.0507 to:0.0359 the:0.0311 a:0.0135 in:0.0110 of:0.0106 is:0.0102 or:0.0072 any:0.0069 -:0.7758 to:0.0804 of:0.0381 and:0.0322 the:0.0222 by:0.0107 for:0.0105 in:0.0103 as:0.0101 a:0.0098 -a:0.2946 :0.4667 the:0.0828 of:0.0435 and:0.0333 is:0.0201 his:0.0162 was:0.0158 in:0.0153 or:0.0118 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8680 up:0.0252 as:0.0189 him:0.0189 them:0.0184 and:0.0170 time:0.0110 way:0.0078 it:0.0076 or:0.0073 -:0.9219 the:0.0181 is:0.0120 a:0.0103 was:0.0072 it:0.0070 he:0.0066 that:0.0064 one:0.0062 had:0.0043 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9436 according:0.0085 ought:0.0068 come:0.0063 try:0.0062 wish:0.0062 began:0.0058 regard:0.0057 have:0.0055 go:0.0054 -:0.8240 the:0.0498 all:0.0302 in:0.0275 with:0.0129 that:0.0128 a:0.0126 by:0.0119 of:0.0093 on:0.0089 -:0.8211 the:0.0343 of:0.0317 a:0.0260 and:0.0244 that:0.0177 in:0.0161 to:0.0114 for:0.0089 with:0.0084 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.7292 of:0.0705 and:0.0559 is:0.0347 to:0.0261 in:0.0256 that:0.0149 are:0.0148 were:0.0143 was:0.0139 -the:0.2130 of:0.1512 :0.4467 and:0.0514 in:0.0295 to:0.0251 a:0.0240 that:0.0234 his:0.0184 their:0.0173 -:0.7627 the:0.0643 and:0.0454 of:0.0380 to:0.0266 in:0.0171 was:0.0149 has:0.0110 a:0.0105 is:0.0095 -:0.9098 and:0.0157 out:0.0149 line:0.0131 one:0.0117 side:0.0082 part:0.0076 that:0.0070 day:0.0066 number:0.0055 -:0.9095 use:0.0168 one:0.0165 corner:0.0120 be:0.0091 think:0.0081 act:0.0077 work:0.0076 dispose:0.0064 some:0.0062 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7694 the:0.0576 a:0.0429 and:0.0312 of:0.0298 to:0.0191 in:0.0170 for:0.0119 it:0.0109 that:0.0102 -:0.9229 the:0.0240 them:0.0168 said:0.0072 it:0.0062 him:0.0058 which:0.0052 life:0.0040 land:0.0039 accordance:0.0039 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -be:0.3454 :0.4966 the:0.0553 not:0.0240 have:0.0235 bo:0.0197 a:0.0128 to:0.0077 that:0.0077 make:0.0074 -:0.7781 the:0.0674 a:0.0386 be:0.0251 of:0.0227 and:0.0172 is:0.0143 are:0.0134 have:0.0120 or:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7456 order:0.0892 regard:0.0760 addition:0.0259 relation:0.0160 reference:0.0117 said:0.0102 him:0.0096 them:0.0083 view:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9134 few:0.0238 little:0.0110 man:0.0094 good:0.0090 year:0.0084 large:0.0080 person:0.0064 better:0.0056 more:0.0050 -:0.7153 the:0.0673 and:0.0651 to:0.0305 of:0.0284 is:0.0274 a:0.0214 was:0.0211 in:0.0124 or:0.0112 -the:0.3722 :0.3508 a:0.1215 his:0.0518 their:0.0242 its:0.0224 tho:0.0190 this:0.0163 an:0.0123 it:0.0096 -:0.6668 the:0.1237 a:0.0712 to:0.0461 and:0.0231 in:0.0172 of:0.0170 it:0.0144 an:0.0116 that:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7774 of:0.0744 and:0.0419 to:0.0232 in:0.0225 the:0.0210 for:0.0139 a:0.0101 that:0.0092 at:0.0064 -:0.8236 the:0.0685 of:0.0303 a:0.0190 and:0.0168 in:0.0141 to:0.0097 at:0.0068 that:0.0060 as:0.0052 -:0.8406 the:0.0500 and:0.0319 a:0.0220 of:0.0151 is:0.0096 that:0.0095 or:0.0076 in:0.0075 to:0.0063 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -been:0.3996 :0.4175 not:0.0512 the:0.0278 no:0.0247 a:0.0217 had:0.0183 always:0.0170 have:0.0114 to:0.0108 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6913 the:0.1332 of:0.0431 a:0.0305 and:0.0243 in:0.0196 for:0.0178 to:0.0154 that:0.0134 with:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7908 and:0.0627 to:0.0357 was:0.0214 is:0.0205 of:0.0199 the:0.0151 will:0.0124 has:0.0111 that:0.0105 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5104 the:0.1884 a:0.1392 of:0.0695 and:0.0308 his:0.0184 that:0.0125 this:0.0105 in:0.0102 for:0.0100 -:0.7584 of:0.0643 and:0.0624 to:0.0213 in:0.0184 was:0.0181 is:0.0180 for:0.0168 with:0.0113 the:0.0110 -:0.5719 the:0.2169 a:0.0642 of:0.0395 and:0.0245 his:0.0220 to:0.0202 this:0.0162 is:0.0125 in:0.0120 -:0.7987 the:0.0937 a:0.0445 an:0.0110 him:0.0108 any:0.0090 one:0.0088 that:0.0083 his:0.0076 to:0.0075 -:0.8474 and:0.0351 the:0.0268 to:0.0202 of:0.0190 was:0.0128 a:0.0114 or:0.0107 in:0.0085 is:0.0080 -:0.6405 the:0.1723 a:0.0559 of:0.0274 his:0.0248 and:0.0215 is:0.0208 that:0.0126 was:0.0121 this:0.0120 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9317 and:0.0181 as:0.0148 is:0.0069 up:0.0058 order:0.0056 down:0.0045 regard:0.0043 time:0.0042 or:0.0041 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7793 to:0.0550 of:0.0449 and:0.0396 the:0.0289 in:0.0184 for:0.0110 that:0.0080 or:0.0075 by:0.0073 -:0.8820 same:0.0226 other:0.0211 the:0.0119 first:0.0117 said:0.0114 whole:0.0112 best:0.0101 great:0.0092 most:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9494 same:0.0139 said:0.0088 most:0.0055 first:0.0042 people:0.0040 other:0.0039 city:0.0036 best:0.0035 whole:0.0031 -:0.7645 the:0.0787 and:0.0387 of:0.0362 at:0.0201 a:0.0151 in:0.0150 said:0.0112 to:0.0109 or:0.0096 -will:0.2801 can:0.1279 would:0.1042 should:0.0796 may:0.0722 must:0.0701 could:0.0630 shall:0.0479 cannot:0.0338 might:0.0259 -:0.9107 out:0.0238 one:0.0158 and:0.0102 line:0.0100 side:0.0081 that:0.0060 part:0.0059 day:0.0049 to:0.0045 -:0.8862 and:0.0174 years:0.0162 per:0.0147 or:0.0144 of:0.0135 the:0.0101 are:0.0096 be:0.0094 a:0.0085 -:0.5897 of:0.1071 in:0.0919 for:0.0471 to:0.0396 and:0.0299 by:0.0288 on:0.0229 with:0.0228 the:0.0201 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -has:0.4252 had:0.2517 have:0.0992 :0.1803 having:0.0134 lias:0.0116 and:0.0084 was:0.0046 of:0.0029 is:0.0028 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8384 and:0.0349 as:0.0333 is:0.0297 it:0.0123 was:0.0121 up:0.0117 went:0.0095 to:0.0092 but:0.0088 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7807 of:0.0811 and:0.0409 to:0.0257 in:0.0184 the:0.0134 is:0.0128 was:0.0106 or:0.0086 are:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.1841 :0.4798 and:0.0717 will:0.0662 would:0.0442 or:0.0413 of:0.0357 may:0.0289 shall:0.0285 can:0.0197 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7794 the:0.0996 and:0.0314 a:0.0290 of:0.0138 be:0.0127 was:0.0107 his:0.0094 is:0.0072 this:0.0067 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9428 and:0.0136 way:0.0085 time:0.0065 line:0.0060 day:0.0051 as:0.0048 side:0.0045 of:0.0042 man:0.0038 -:0.7504 the:0.0580 of:0.0474 and:0.0366 a:0.0270 is:0.0197 for:0.0182 in:0.0159 was:0.0148 to:0.0120 -:0.6460 of:0.0680 in:0.0503 and:0.0419 at:0.0380 for:0.0376 to:0.0331 by:0.0304 the:0.0293 a:0.0256 -:0.7329 is:0.0564 and:0.0435 was:0.0390 to:0.0352 be:0.0301 the:0.0212 are:0.0149 has:0.0137 not:0.0131 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6635 to:0.0824 in:0.0595 that:0.0413 of:0.0374 at:0.0261 for:0.0255 by:0.0224 on:0.0221 not:0.0199 -:0.7738 who:0.0498 would:0.0393 we:0.0341 will:0.0300 to:0.0180 they:0.0150 and:0.0145 should:0.0136 must:0.0119 -of:0.2715 to:0.1119 :0.3387 in:0.0877 for:0.0468 by:0.0337 with:0.0330 from:0.0286 that:0.0250 and:0.0232 -:0.6960 of:0.0654 and:0.0544 the:0.0534 in:0.0285 to:0.0279 that:0.0271 a:0.0175 for:0.0156 at:0.0142 -:0.7357 the:0.0979 to:0.0364 a:0.0298 and:0.0216 in:0.0205 that:0.0170 as:0.0151 an:0.0134 of:0.0127 -:0.7669 the:0.0595 and:0.0428 of:0.0283 is:0.0250 a:0.0238 was:0.0159 are:0.0139 he:0.0132 to:0.0105 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8575 same:0.0356 first:0.0243 said:0.0146 best:0.0130 whole:0.0124 most:0.0116 other:0.0107 next:0.0103 last:0.0099 -:0.9224 that:0.0187 and:0.0100 it:0.0090 out:0.0084 him:0.0083 made:0.0068 not:0.0057 up:0.0057 to:0.0050 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3270 :0.4893 a:0.0604 his:0.0286 tho:0.0212 which:0.0195 this:0.0177 their:0.0124 it:0.0124 our:0.0114 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.5681 the:0.1506 of:0.1010 a:0.0676 to:0.0361 and:0.0213 in:0.0193 by:0.0134 his:0.0123 for:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8701 same:0.0261 other:0.0178 first:0.0178 said:0.0163 north:0.0126 most:0.0108 whole:0.0096 south:0.0095 best:0.0094 -:0.6961 have:0.0792 are:0.0611 had:0.0449 were:0.0268 in:0.0260 do:0.0195 will:0.0182 of:0.0146 take:0.0137 -:0.7605 say:0.0802 see:0.0273 know:0.0266 believe:0.0218 show:0.0195 be:0.0185 think:0.0166 do:0.0148 get:0.0143 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.9246 said:0.0141 most:0.0113 same:0.0104 first:0.0077 great:0.0075 best:0.0068 the:0.0063 very:0.0062 whole:0.0051 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7177 of:0.1004 in:0.0639 and:0.0235 to:0.0188 that:0.0180 on:0.0176 for:0.0172 is:0.0125 by:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7530 of:0.1061 and:0.0429 is:0.0187 the:0.0167 in:0.0152 was:0.0149 to:0.0127 for:0.0106 or:0.0093 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.9183 time:0.0258 way:0.0158 right:0.0086 order:0.0068 power:0.0062 subject:0.0051 as:0.0050 return:0.0044 and:0.0041 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.9496 large:0.0079 year:0.0073 long:0.0067 man:0.0057 hundred:0.0056 day:0.0055 good:0.0044 little:0.0037 matter:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8490 to:0.0398 the:0.0246 will:0.0181 a:0.0173 and:0.0159 he:0.0141 would:0.0096 one:0.0060 be:0.0054 -:0.6481 of:0.1597 and:0.0519 the:0.0391 in:0.0253 at:0.0223 a:0.0176 for:0.0125 that:0.0120 to:0.0114 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8040 of:0.0507 and:0.0317 to:0.0304 in:0.0195 be:0.0156 not:0.0150 for:0.0119 that:0.0107 at:0.0104 -:0.8201 was:0.0378 had:0.0312 went:0.0260 is:0.0227 found:0.0147 came:0.0129 put:0.0122 would:0.0114 looked:0.0111 -:0.4882 of:0.2109 and:0.1403 that:0.0543 as:0.0223 but:0.0211 is:0.0172 in:0.0164 which:0.0149 or:0.0145 -:0.7311 of:0.0894 and:0.0848 to:0.0289 in:0.0196 or:0.0119 for:0.0094 as:0.0088 the:0.0087 at:0.0074 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7244 the:0.1261 a:0.0576 and:0.0221 of:0.0207 his:0.0130 be:0.0106 was:0.0090 is:0.0081 tho:0.0081 -:0.7079 was:0.0449 the:0.0431 and:0.0372 has:0.0370 had:0.0316 have:0.0283 is:0.0261 be:0.0238 to:0.0201 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7622 the:0.0505 and:0.0468 to:0.0366 a:0.0249 was:0.0188 will:0.0178 would:0.0147 is:0.0143 who:0.0134 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6068 in:0.0971 to:0.0716 of:0.0618 with:0.0350 by:0.0327 for:0.0267 the:0.0244 from:0.0237 on:0.0201 -:0.8234 the:0.0564 to:0.0234 and:0.0214 a:0.0146 that:0.0142 of:0.0140 he:0.0114 in:0.0109 be:0.0103 -:0.8155 other:0.0741 one:0.0276 and:0.0182 who:0.0137 person:0.0125 the:0.0120 to:0.0094 three:0.0087 more:0.0084 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.5290 the:0.2157 a:0.0900 and:0.0490 of:0.0416 is:0.0200 was:0.0171 his:0.0144 this:0.0123 tho:0.0110 -:0.7806 the:0.0983 a:0.0592 of:0.0107 and:0.0096 to:0.0090 it:0.0089 tho:0.0083 this:0.0078 any:0.0075 -the:0.0212 a:0.0172 its:0.0072 his:0.0058 their:0.0045 other:0.0043 tho:0.0040 every:0.0037 fifty:0.0036 :0.9285 -to:0.1802 :0.3986 of:0.1289 the:0.0644 in:0.0510 and:0.0500 a:0.0453 for:0.0327 with:0.0313 by:0.0175 -of:0.2303 :0.5995 and:0.0532 to:0.0328 or:0.0201 hundred:0.0174 in:0.0152 with:0.0138 for:0.0099 is:0.0078 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.8564 of:0.0478 and:0.0224 is:0.0139 as:0.0121 in:0.0112 for:0.0106 with:0.0093 on:0.0091 was:0.0071 -:0.7325 of:0.0657 the:0.0514 and:0.0492 in:0.0255 a:0.0187 to:0.0172 for:0.0148 that:0.0139 with:0.0112 -:0.6032 to:0.1133 the:0.0836 and:0.0510 will:0.0282 was:0.0274 of:0.0273 is:0.0263 a:0.0231 in:0.0167 -the:0.2658 :0.5129 a:0.0704 that:0.0411 his:0.0209 tho:0.0197 it:0.0195 their:0.0173 to:0.0163 an:0.0160 -:0.8907 and:0.0319 of:0.0177 to:0.0130 a:0.0109 he:0.0088 it:0.0083 or:0.0081 is:0.0056 that:0.0051 -:0.6416 the:0.0967 of:0.0957 and:0.0353 in:0.0321 is:0.0286 to:0.0218 a:0.0194 was:0.0182 for:0.0105 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.8797 and:0.0237 to:0.0234 is:0.0149 was:0.0126 the:0.0125 of:0.0106 are:0.0086 or:0.0073 a:0.0068 -:0.9278 out:0.0162 one:0.0123 and:0.0096 line:0.0073 side:0.0068 amount:0.0056 day:0.0056 part:0.0049 that:0.0038 -:0.7145 of:0.0931 the:0.0600 and:0.0453 in:0.0256 to:0.0176 that:0.0141 is:0.0110 a:0.0105 as:0.0083 -:0.8465 and:0.0512 to:0.0283 that:0.0149 the:0.0134 of:0.0115 as:0.0096 it:0.0089 which:0.0087 he:0.0071 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6367 to:0.0874 the:0.0722 of:0.0632 a:0.0371 in:0.0306 and:0.0261 with:0.0161 for:0.0155 his:0.0151 -:0.6028 of:0.1432 the:0.0506 and:0.0445 to:0.0349 is:0.0325 in:0.0292 a:0.0287 was:0.0219 or:0.0116 -the:0.2854 a:0.1765 :0.4376 tho:0.0185 to:0.0170 no:0.0143 their:0.0138 his:0.0136 other:0.0120 this:0.0114 -:0.6819 in:0.0757 the:0.0656 of:0.0332 to:0.0321 and:0.0297 by:0.0223 at:0.0218 for:0.0190 from:0.0186 -:0.7866 the:0.0556 and:0.0440 was:0.0275 is:0.0271 be:0.0134 a:0.0133 has:0.0110 as:0.0109 one:0.0107 -:0.8148 of:0.0411 and:0.0318 as:0.0278 that:0.0269 years:0.0160 or:0.0119 but:0.0116 which:0.0100 days:0.0080 -:0.8428 and:0.0333 of:0.0250 to:0.0244 is:0.0190 in:0.0163 was:0.0126 the:0.0117 for:0.0082 with:0.0067 -:0.8463 and:0.0294 up:0.0277 away:0.0211 it:0.0204 them:0.0130 of:0.0112 or:0.0107 that:0.0106 to:0.0097 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8013 of:0.0570 and:0.0488 in:0.0212 the:0.0197 to:0.0165 for:0.0093 as:0.0090 or:0.0087 was:0.0085 -of:0.2915 :0.4198 in:0.1228 for:0.0385 at:0.0332 on:0.0246 from:0.0223 and:0.0204 to:0.0152 that:0.0116 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.4777 he:0.1579 it:0.1102 they:0.0933 we:0.0513 there:0.0299 you:0.0273 that:0.0187 and:0.0176 she:0.0162 -:0.8505 and:0.0444 to:0.0433 who:0.0143 it:0.0101 of:0.0088 was:0.0087 but:0.0077 is:0.0061 feet:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7746 the:0.0795 a:0.0650 and:0.0178 of:0.0132 in:0.0126 to:0.0099 his:0.0096 all:0.0094 no:0.0083 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8818 and:0.0350 that:0.0196 it:0.0132 up:0.0095 to:0.0091 them:0.0086 not:0.0079 but:0.0078 him:0.0077 -:0.8300 made:0.0332 held:0.0254 found:0.0246 used:0.0174 paid:0.0160 done:0.0156 placed:0.0153 given:0.0114 sold:0.0111 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9033 the:0.0260 a:0.0140 be:0.0139 is:0.0099 was:0.0095 of:0.0070 and:0.0058 have:0.0057 had:0.0050 -:0.8040 to:0.0503 and:0.0377 of:0.0267 the:0.0206 in:0.0186 for:0.0119 as:0.0109 is:0.0097 by:0.0096 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7665 of:0.0579 and:0.0447 to:0.0375 in:0.0231 for:0.0164 is:0.0160 as:0.0133 was:0.0129 that:0.0117 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.9611 of:0.0073 above:0.0066 time:0.0064 in:0.0050 following:0.0029 said:0.0028 and:0.0027 to:0.0026 on:0.0025 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8065 the:0.0537 to:0.0319 and:0.0222 a:0.0220 of:0.0202 in:0.0148 that:0.0120 by:0.0090 on:0.0077 -:0.5890 that:0.1447 and:0.0578 as:0.0499 of:0.0429 to:0.0363 when:0.0230 but:0.0226 which:0.0184 with:0.0155 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9339 other:0.0160 same:0.0099 said:0.0082 most:0.0066 the:0.0057 whole:0.0054 public:0.0051 best:0.0048 great:0.0044 -:0.4683 of:0.2238 the:0.0895 and:0.0706 to:0.0493 in:0.0269 a:0.0234 for:0.0175 that:0.0159 by:0.0149 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8342 the:0.0412 and:0.0355 to:0.0227 a:0.0212 of:0.0171 was:0.0081 is:0.0071 or:0.0065 in:0.0063 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.2984 :0.5556 a:0.0353 he:0.0254 this:0.0217 tho:0.0169 no:0.0137 his:0.0122 they:0.0107 we:0.0100 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -will:0.2039 would:0.1614 are:0.0757 can:0.0707 could:0.0519 should:0.0507 may:0.0502 :0.2679 must:0.0364 might:0.0312 -:0.9566 years:0.0081 days:0.0069 and:0.0068 men:0.0045 hundred:0.0042 day:0.0038 life:0.0032 home:0.0032 city:0.0027 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6949 is:0.0822 was:0.0511 the:0.0495 and:0.0385 are:0.0237 a:0.0169 of:0.0155 be:0.0153 had:0.0123 -of:0.1177 :0.5972 to:0.0675 for:0.0475 with:0.0403 in:0.0381 and:0.0278 as:0.0266 by:0.0210 upon:0.0163 -:0.9535 world:0.0075 war:0.0070 time:0.0064 people:0.0053 bill:0.0045 country:0.0044 county:0.0039 city:0.0039 ground:0.0036 -:0.6529 the:0.1189 a:0.0554 to:0.0519 of:0.0439 and:0.0241 in:0.0235 by:0.0120 for:0.0091 it:0.0082 -:0.8205 to:0.0648 and:0.0538 of:0.0125 the:0.0105 that:0.0088 was:0.0082 is:0.0080 will:0.0066 in:0.0064 -:0.6958 and:0.1154 to:0.0547 of:0.0438 in:0.0254 that:0.0176 from:0.0133 for:0.0125 is:0.0113 was:0.0101 -:0.7465 be:0.0748 to:0.0471 in:0.0318 make:0.0244 for:0.0171 with:0.0171 at:0.0146 take:0.0137 by:0.0129 -:0.8355 come:0.0292 been:0.0212 failed:0.0209 not:0.0182 made:0.0180 gone:0.0163 able:0.0158 taken:0.0144 given:0.0103 -:0.9843 of:0.0028 that:0.0021 with:0.0018 and:0.0018 but:0.0017 for:0.0015 are:0.0014 upon:0.0013 at:0.0013 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7287 the:0.0561 to:0.0489 and:0.0371 not:0.0286 of:0.0256 in:0.0206 a:0.0199 that:0.0191 as:0.0153 -:0.6303 the:0.1159 a:0.0989 of:0.0599 and:0.0321 in:0.0183 to:0.0141 for:0.0109 his:0.0098 with:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7753 to:0.0519 and:0.0455 of:0.0356 in:0.0203 or:0.0186 the:0.0157 as:0.0138 for:0.0118 that:0.0115 -:0.9323 was:0.0172 is:0.0103 had:0.0102 out:0.0060 one:0.0057 has:0.0051 thought:0.0048 and:0.0044 need:0.0039 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -the:0.3933 :0.4479 be:0.0670 a:0.0272 have:0.0162 his:0.0147 this:0.0117 tho:0.0104 her:0.0058 an:0.0057 -:0.7647 the:0.0914 and:0.0369 of:0.0314 a:0.0159 that:0.0154 to:0.0132 for:0.0109 as:0.0103 more:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.6075 they:0.1593 we:0.0640 he:0.0519 there:0.0361 it:0.0272 you:0.0211 and:0.0125 the:0.0125 which:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6470 that:0.1121 and:0.1050 of:0.0457 but:0.0228 as:0.0218 for:0.0129 when:0.0118 which:0.0118 where:0.0092 -:0.7329 is:0.0564 and:0.0435 was:0.0390 to:0.0352 be:0.0301 the:0.0212 are:0.0149 has:0.0137 not:0.0131 -:0.9586 the:0.0112 it:0.0072 home:0.0044 life:0.0040 him:0.0037 them:0.0030 said:0.0029 hand:0.0029 a:0.0023 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6993 the:0.1852 a:0.0409 and:0.0142 to:0.0130 his:0.0111 it:0.0098 in:0.0094 tho:0.0088 this:0.0082 -bidder:0.0038 importance:0.0026 application:0.0020 responsibility:0.0019 way:0.0019 matter:0.0019 office:0.0018 demand:0.0017 occasion:0.0016 day:0.0016 -to:0.3691 will:0.1814 shall:0.0687 :0.1820 should:0.0558 can:0.0380 may:0.0352 would:0.0348 must:0.0187 could:0.0162 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7537 the:0.0787 be:0.0666 a:0.0410 his:0.0172 him:0.0106 do:0.0096 this:0.0077 her:0.0076 get:0.0073 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6365 of:0.0895 to:0.0631 and:0.0573 the:0.0435 in:0.0301 a:0.0227 for:0.0216 by:0.0202 that:0.0155 -:0.7971 and:0.0380 to:0.0334 of:0.0267 was:0.0245 is:0.0227 are:0.0224 that:0.0131 were:0.0112 in:0.0110 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8260 it:0.0510 the:0.0412 a:0.0171 him:0.0129 that:0.0124 them:0.0109 to:0.0104 one:0.0092 all:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6757 of:0.1242 and:0.0695 to:0.0399 the:0.0283 in:0.0213 for:0.0113 or:0.0112 that:0.0093 at:0.0092 -:0.6160 of:0.0980 to:0.0778 and:0.0717 in:0.0274 that:0.0258 or:0.0241 the:0.0220 for:0.0197 a:0.0173 -:0.8107 the:0.0480 of:0.0356 and:0.0293 a:0.0184 to:0.0181 in:0.0124 that:0.0119 as:0.0080 for:0.0075 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9426 have:0.0093 the:0.0093 be:0.0074 it:0.0062 to:0.0060 he:0.0060 in:0.0045 and:0.0044 had:0.0043 -:0.7733 the:0.0551 of:0.0471 and:0.0450 or:0.0185 a:0.0170 was:0.0141 is:0.0121 in:0.0091 has:0.0086 -be:0.2232 :0.6714 not:0.0252 have:0.0174 the:0.0150 bo:0.0120 to:0.0119 a:0.0102 get:0.0072 do:0.0066 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8770 the:0.0285 to:0.0187 a:0.0179 of:0.0147 and:0.0119 or:0.0095 be:0.0083 in:0.0071 one:0.0063 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.6447 and:0.1013 of:0.1005 that:0.0388 the:0.0258 to:0.0226 in:0.0217 is:0.0157 which:0.0150 or:0.0138 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -to:0.0484 :0.8545 of:0.0201 the:0.0159 in:0.0144 by:0.0114 a:0.0102 from:0.0090 with:0.0082 and:0.0081 -:0.9911 a:0.0017 be:0.0011 do:0.0011 the:0.0009 said:0.0009 say:0.0009 and:0.0008 is:0.0008 are:0.0007 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6982 a:0.1052 he:0.0433 the:0.0422 it:0.0245 to:0.0243 well:0.0213 much:0.0149 they:0.0146 many:0.0116 -:0.9476 same:0.0105 most:0.0089 city:0.0061 th:0.0048 people:0.0047 last:0.0047 first:0.0045 best:0.0042 county:0.0042 -:0.9018 made:0.0229 not:0.0205 held:0.0121 found:0.0089 to:0.0083 and:0.0069 called:0.0065 paid:0.0063 out:0.0059 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.2419 :0.6218 a:0.0463 his:0.0157 that:0.0148 tho:0.0143 it:0.0132 and:0.0117 their:0.0113 of:0.0090 -of:0.4046 :0.3601 in:0.0683 for:0.0329 and:0.0324 on:0.0264 with:0.0205 to:0.0205 at:0.0190 from:0.0153 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5878 of:0.2019 and:0.0812 to:0.0265 a:0.0230 or:0.0204 the:0.0200 for:0.0140 are:0.0127 with:0.0125 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.6954 of:0.0828 the:0.0560 and:0.0471 to:0.0317 with:0.0281 in:0.0204 for:0.0137 or:0.0134 by:0.0115 -:0.6901 the:0.1101 of:0.0536 a:0.0313 and:0.0306 in:0.0259 for:0.0151 is:0.0149 at:0.0145 to:0.0138 -to:0.1804 :0.4710 who:0.0667 and:0.0629 we:0.0585 would:0.0443 they:0.0378 will:0.0337 shall:0.0229 should:0.0217 -:0.9819 of:0.0029 that:0.0025 and:0.0024 two:0.0024 not:0.0024 in:0.0017 which:0.0013 one:0.0013 last:0.0013 -:0.7285 few:0.1441 large:0.0222 good:0.0220 great:0.0206 very:0.0196 little:0.0164 certain:0.0093 long:0.0089 small:0.0084 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7910 of:0.0587 and:0.0343 the:0.0323 to:0.0255 in:0.0182 that:0.0121 at:0.0098 or:0.0091 for:0.0090 -of:0.1375 and:0.0701 to:0.0666 :0.5667 for:0.0288 who:0.0287 that:0.0284 we:0.0255 in:0.0247 as:0.0230 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.4995 was:0.1319 would:0.0823 had:0.0771 is:0.0519 could:0.0482 has:0.0360 will:0.0345 to:0.0206 be:0.0179 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7486 to:0.0698 of:0.0359 and:0.0346 the:0.0228 that:0.0223 for:0.0209 in:0.0181 with:0.0157 from:0.0113 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7632 and:0.0552 to:0.0480 of:0.0292 or:0.0211 is:0.0198 as:0.0197 in:0.0171 was:0.0138 for:0.0129 -:0.8415 to:0.0410 will:0.0247 we:0.0198 would:0.0176 who:0.0145 and:0.0108 shall:0.0107 they:0.0098 should:0.0095 -the:0.2919 a:0.1940 :0.4094 an:0.0305 no:0.0210 tho:0.0137 that:0.0124 this:0.0108 his:0.0082 at:0.0081 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6065 the:0.1580 of:0.0669 a:0.0555 to:0.0288 and:0.0249 in:0.0183 his:0.0166 this:0.0124 at:0.0121 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7393 the:0.0561 of:0.0537 and:0.0381 in:0.0290 to:0.0237 that:0.0176 at:0.0173 for:0.0134 as:0.0118 -:0.7105 the:0.0996 of:0.0434 in:0.0399 a:0.0279 to:0.0242 and:0.0188 for:0.0140 all:0.0115 with:0.0102 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.6996 :0.1950 and:0.0306 of:0.0228 in:0.0144 will:0.0123 is:0.0078 was:0.0066 not:0.0055 for:0.0055 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -:0.7562 he:0.0745 and:0.0370 to:0.0335 it:0.0257 they:0.0210 who:0.0142 that:0.0139 we:0.0123 she:0.0117 -:0.5857 the:0.1044 to:0.0929 in:0.0491 a:0.0477 of:0.0335 and:0.0309 for:0.0227 that:0.0180 by:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6112 it:0.1290 he:0.1213 there:0.0575 she:0.0224 which:0.0139 and:0.0130 they:0.0124 that:0.0113 you:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.6230 is:0.1066 are:0.0708 was:0.0685 the:0.0334 were:0.0327 and:0.0205 will:0.0169 of:0.0141 to:0.0134 -:0.9063 same:0.0205 other:0.0161 said:0.0116 most:0.0092 best:0.0077 great:0.0075 first:0.0073 public:0.0070 whole:0.0069 -the:0.3853 :0.4537 a:0.0564 his:0.0202 this:0.0193 tho:0.0175 an:0.0144 any:0.0125 it:0.0106 said:0.0101 -:0.9210 time:0.0200 day:0.0127 and:0.0101 year:0.0073 feet:0.0066 right:0.0064 thing:0.0055 power:0.0053 way:0.0051 -of:0.3862 :0.3556 in:0.0638 for:0.0441 to:0.0385 and:0.0348 on:0.0226 with:0.0185 by:0.0182 at:0.0178 -:0.7296 the:0.0654 that:0.0404 all:0.0300 by:0.0295 in:0.0272 to:0.0234 of:0.0230 on:0.0171 with:0.0144 -:0.7059 to:0.0749 and:0.0483 of:0.0415 the:0.0402 in:0.0296 for:0.0160 that:0.0159 be:0.0146 by:0.0131 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7847 is:0.0364 a:0.0305 the:0.0272 was:0.0264 and:0.0250 of:0.0218 or:0.0183 be:0.0149 to:0.0147 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7712 of:0.0720 to:0.0514 and:0.0301 the:0.0252 in:0.0167 that:0.0095 for:0.0092 a:0.0081 or:0.0067 -:0.7430 the:0.0902 of:0.0472 and:0.0454 a:0.0177 to:0.0158 in:0.0134 is:0.0116 was:0.0088 his:0.0069 -:0.8175 the:0.0530 to:0.0295 and:0.0222 a:0.0214 of:0.0187 in:0.0134 at:0.0081 it:0.0081 that:0.0080 -:0.5957 of:0.0725 to:0.0694 in:0.0646 by:0.0456 that:0.0346 at:0.0320 on:0.0306 for:0.0301 all:0.0249 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6647 did:0.0594 is:0.0476 does:0.0466 do:0.0421 was:0.0329 will:0.0325 has:0.0276 would:0.0239 could:0.0226 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8688 the:0.0306 a:0.0147 order:0.0147 which:0.0138 this:0.0136 it:0.0123 him:0.0116 all:0.0101 that:0.0098 -:0.7686 of:0.0737 and:0.0413 the:0.0384 to:0.0172 or:0.0145 a:0.0136 in:0.0120 that:0.0119 for:0.0089 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.5079 of:0.1777 to:0.0784 and:0.0707 in:0.0370 the:0.0340 was:0.0285 is:0.0247 or:0.0220 for:0.0190 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.9389 and:0.0240 to:0.0095 of:0.0053 that:0.0045 or:0.0041 years:0.0040 as:0.0039 more:0.0030 one:0.0028 -:0.7463 and:0.0852 to:0.0674 of:0.0238 it:0.0206 that:0.0146 but:0.0121 will:0.0109 as:0.0105 in:0.0086 -of:0.2463 in:0.0859 :0.4662 to:0.0478 for:0.0359 on:0.0277 from:0.0256 and:0.0233 at:0.0209 with:0.0203 -:0.7690 the:0.0550 and:0.0425 to:0.0382 of:0.0351 a:0.0191 he:0.0119 in:0.0115 is:0.0099 or:0.0078 -:0.8234 as:0.1161 and:0.0133 him:0.0084 up:0.0072 them:0.0067 is:0.0064 enough:0.0063 but:0.0062 according:0.0061 -to:0.4071 :0.3660 of:0.0901 and:0.0651 in:0.0218 for:0.0159 was:0.0137 with:0.0075 from:0.0066 by:0.0062 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7736 they:0.0663 we:0.0433 there:0.0329 he:0.0307 it:0.0152 who:0.0141 that:0.0090 the:0.0078 then:0.0071 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8566 much:0.0477 as:0.0303 far:0.0184 it:0.0131 well:0.0088 is:0.0072 ready:0.0063 that:0.0059 not:0.0057 -the:0.3711 :0.5082 a:0.0449 his:0.0141 tho:0.0135 to:0.0111 this:0.0102 an:0.0090 said:0.0090 tbe:0.0089 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -been:0.2301 :0.6446 not:0.0392 come:0.0171 never:0.0136 taken:0.0134 made:0.0124 done:0.0115 gone:0.0093 received:0.0089 -:0.9523 people:0.0158 same:0.0070 men:0.0055 city:0.0040 will:0.0036 county:0.0032 would:0.0030 government:0.0029 we:0.0028 -the:0.2658 :0.5129 a:0.0704 that:0.0411 his:0.0209 tho:0.0197 it:0.0195 their:0.0173 to:0.0163 an:0.0160 -:0.8907 and:0.0217 the:0.0212 of:0.0211 in:0.0106 is:0.0093 are:0.0072 was:0.0064 that:0.0060 to:0.0058 -:0.5528 to:0.1452 and:0.1285 of:0.0780 is:0.0221 the:0.0169 a:0.0145 was:0.0143 as:0.0140 who:0.0136 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.8873 and:0.0257 as:0.0180 is:0.0141 or:0.0123 up:0.0110 down:0.0100 came:0.0080 are:0.0069 but:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8309 the:0.0581 a:0.0221 of:0.0178 and:0.0175 in:0.0155 to:0.0132 that:0.0102 for:0.0079 as:0.0069 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -the:0.3270 :0.4893 a:0.0604 his:0.0286 tho:0.0212 which:0.0195 this:0.0177 their:0.0124 it:0.0124 our:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8156 and:0.0432 as:0.0415 is:0.0270 or:0.0154 up:0.0142 are:0.0115 but:0.0112 him:0.0107 was:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7794 to:0.0526 the:0.0472 of:0.0355 in:0.0199 and:0.0188 a:0.0173 by:0.0120 for:0.0093 with:0.0080 -:0.9557 world:0.0083 city:0.0056 same:0.0053 time:0.0046 state:0.0044 house:0.0043 case:0.0040 country:0.0039 following:0.0039 -:0.7762 the:0.0593 and:0.0548 of:0.0291 he:0.0169 a:0.0134 to:0.0133 who:0.0129 is:0.0127 that:0.0113 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7074 the:0.1140 a:0.0961 and:0.0187 one:0.0157 his:0.0129 of:0.0105 is:0.0091 this:0.0085 an:0.0070 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8222 to:0.0364 the:0.0313 and:0.0301 of:0.0229 a:0.0165 that:0.0112 as:0.0106 be:0.0097 for:0.0090 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.9536 of:0.0107 days:0.0093 and:0.0064 to:0.0045 years:0.0039 or:0.0035 in:0.0029 who:0.0027 day:0.0026 -of:0.2756 :0.3951 in:0.1534 for:0.0383 at:0.0382 on:0.0275 with:0.0208 from:0.0184 to:0.0177 and:0.0150 -of:0.1971 :0.4349 in:0.0796 that:0.0683 to:0.0470 on:0.0415 at:0.0405 for:0.0358 by:0.0296 and:0.0256 -:0.8997 and:0.0431 as:0.0102 it:0.0091 was:0.0084 or:0.0073 that:0.0061 away:0.0054 but:0.0053 is:0.0052 -:0.8648 the:0.0467 a:0.0221 and:0.0172 to:0.0112 this:0.0096 his:0.0083 more:0.0069 said:0.0067 their:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2285 :0.4833 and:0.0803 that:0.0442 to:0.0361 the:0.0333 a:0.0251 was:0.0233 is:0.0232 in:0.0228 -:0.8260 and:0.0582 to:0.0256 of:0.0234 that:0.0176 in:0.0135 as:0.0101 have:0.0091 the:0.0084 which:0.0081 -:0.8471 and:0.0307 to:0.0228 is:0.0181 the:0.0165 who:0.0161 was:0.0152 of:0.0120 he:0.0114 has:0.0102 -:0.6640 be:0.2212 have:0.0473 to:0.0147 bo:0.0110 and:0.0102 the:0.0092 are:0.0077 of:0.0076 in:0.0072 -:0.6733 of:0.0952 and:0.0479 is:0.0434 to:0.0386 was:0.0271 in:0.0235 are:0.0184 for:0.0164 a:0.0162 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9911 a:0.0017 be:0.0011 do:0.0011 the:0.0009 said:0.0009 say:0.0009 and:0.0008 is:0.0008 are:0.0007 -:0.6426 of:0.1100 to:0.0772 and:0.0646 the:0.0284 in:0.0280 for:0.0139 with:0.0133 or:0.0117 is:0.0103 -:0.9137 and:0.0166 up:0.0111 it:0.0109 that:0.0098 made:0.0094 to:0.0081 them:0.0078 out:0.0067 given:0.0060 -:0.5992 of:0.0980 to:0.0866 the:0.0713 in:0.0503 and:0.0293 for:0.0208 a:0.0152 on:0.0149 by:0.0144 -of:0.1877 in:0.0628 for:0.0412 from:0.0372 on:0.0357 and:0.0259 to:0.0259 :0.5401 at:0.0217 by:0.0217 -:0.6496 of:0.1302 to:0.0581 and:0.0389 the:0.0295 in:0.0285 on:0.0208 or:0.0157 a:0.0152 at:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.8129 able:0.0746 made:0.0219 allowed:0.0194 given:0.0148 required:0.0116 compelled:0.0115 used:0.0115 ready:0.0112 liable:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8975 him:0.0239 them:0.0161 it:0.0135 as:0.0107 feet:0.0096 order:0.0080 right:0.0074 us:0.0073 me:0.0061 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.4868 :0.3758 bo:0.0285 not:0.0259 he:0.0236 the:0.0185 have:0.0126 that:0.0121 a:0.0090 it:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3289 :0.5201 a:0.0324 of:0.0285 this:0.0182 in:0.0167 and:0.0160 his:0.0155 tho:0.0147 to:0.0090 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.7585 had:0.0495 have:0.0429 are:0.0351 has:0.0253 is:0.0252 was:0.0233 were:0.0155 of:0.0135 in:0.0112 -:0.5487 of:0.2113 and:0.0786 to:0.0456 in:0.0298 for:0.0225 at:0.0204 with:0.0150 by:0.0146 from:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6245 to:0.1658 of:0.0685 and:0.0604 the:0.0213 will:0.0129 for:0.0128 or:0.0127 in:0.0122 a:0.0089 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9118 and:0.0190 doubt:0.0126 say:0.0109 all:0.0092 so:0.0082 fact:0.0080 show:0.0069 that:0.0067 to:0.0066 -:0.6627 the:0.1804 and:0.0387 a:0.0382 of:0.0269 to:0.0144 is:0.0108 in:0.0102 as:0.0100 his:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8216 and:0.0508 to:0.0230 the:0.0217 is:0.0194 was:0.0176 who:0.0138 a:0.0114 be:0.0114 were:0.0092 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8486 the:0.0456 of:0.0322 a:0.0224 and:0.0129 that:0.0091 in:0.0090 to:0.0080 by:0.0062 his:0.0061 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7688 the:0.0494 of:0.0433 and:0.0372 to:0.0355 in:0.0200 by:0.0141 a:0.0116 on:0.0101 for:0.0100 -:0.7726 to:0.0535 and:0.0511 a:0.0343 the:0.0333 not:0.0157 of:0.0111 in:0.0099 or:0.0096 is:0.0090 -:0.4869 is:0.1725 was:0.1265 are:0.0839 were:0.0452 to:0.0236 and:0.0178 in:0.0157 the:0.0145 be:0.0133 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9296 part:0.0132 one:0.0120 line:0.0094 out:0.0094 day:0.0080 side:0.0070 number:0.0043 use:0.0037 instead:0.0035 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9177 city:0.0144 country:0.0125 year:0.0118 time:0.0108 is:0.0083 and:0.0068 was:0.0067 the:0.0061 great:0.0048 -:0.6416 the:0.0967 of:0.0957 and:0.0353 in:0.0321 is:0.0286 to:0.0218 a:0.0194 was:0.0182 for:0.0105 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.2818 :0.4369 that:0.0878 a:0.0870 his:0.0231 tho:0.0201 their:0.0177 which:0.0176 her:0.0142 an:0.0137 -:0.7862 and:0.0480 was:0.0334 is:0.0298 of:0.0225 the:0.0206 have:0.0178 be:0.0151 that:0.0133 had:0.0132 -:0.7978 the:0.0579 and:0.0540 a:0.0226 of:0.0199 is:0.0123 was:0.0113 in:0.0098 to:0.0076 his:0.0067 -of:0.3050 :0.3512 to:0.1231 in:0.0821 on:0.0378 for:0.0261 with:0.0205 at:0.0196 and:0.0194 by:0.0153 -:0.5751 of:0.1183 and:0.0763 or:0.0443 for:0.0417 to:0.0349 at:0.0313 in:0.0287 as:0.0249 by:0.0245 -:0.8550 and:0.0431 the:0.0165 to:0.0146 of:0.0141 he:0.0139 is:0.0121 they:0.0105 a:0.0102 will:0.0100 -:0.7154 the:0.0874 was:0.0378 and:0.0329 is:0.0310 be:0.0261 has:0.0198 a:0.0182 are:0.0166 have:0.0146 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9009 the:0.0186 of:0.0155 be:0.0146 and:0.0100 a:0.0093 not:0.0088 he:0.0082 have:0.0074 that:0.0068 -:0.5492 it:0.1117 he:0.0878 they:0.0735 we:0.0567 which:0.0407 that:0.0223 she:0.0203 you:0.0197 the:0.0182 -the:0.3360 :0.4888 a:0.0747 tho:0.0235 be:0.0181 his:0.0164 this:0.0142 tbe:0.0115 our:0.0093 her:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -be:0.3405 :0.5455 have:0.0285 not:0.0217 bo:0.0179 the:0.0149 to:0.0113 take:0.0071 in:0.0066 get:0.0061 -:0.6402 the:0.2336 a:0.0374 to:0.0186 and:0.0173 in:0.0149 of:0.0108 tho:0.0102 it:0.0088 that:0.0082 -:0.6485 to:0.0959 and:0.0396 will:0.0345 had:0.0335 was:0.0326 would:0.0313 have:0.0295 has:0.0295 of:0.0250 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -of:0.2616 :0.4828 in:0.0986 for:0.0308 at:0.0287 with:0.0248 from:0.0198 to:0.0193 on:0.0177 that:0.0160 -:0.8967 the:0.0189 and:0.0144 as:0.0118 to:0.0116 a:0.0105 was:0.0105 in:0.0088 of:0.0086 that:0.0082 -:0.8369 and:0.0422 of:0.0221 the:0.0185 is:0.0179 a:0.0170 was:0.0147 to:0.0116 in:0.0113 with:0.0077 -:0.8232 of:0.0821 and:0.0304 in:0.0152 is:0.0096 who:0.0093 was:0.0083 as:0.0080 that:0.0074 to:0.0066 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -:0.5881 of:0.1718 and:0.0838 to:0.0573 in:0.0282 for:0.0207 by:0.0135 the:0.0128 or:0.0121 with:0.0116 -to:0.4018 :0.4084 and:0.0859 as:0.0240 of:0.0227 is:0.0146 will:0.0145 but:0.0101 in:0.0095 was:0.0085 -:0.8438 the:0.0315 is:0.0305 and:0.0249 was:0.0241 are:0.0122 or:0.0094 a:0.0090 be:0.0088 of:0.0059 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8564 the:0.0392 a:0.0337 is:0.0137 was:0.0123 be:0.0099 no:0.0095 it:0.0090 that:0.0084 he:0.0080 -:0.7174 the:0.0769 of:0.0601 and:0.0419 a:0.0233 to:0.0204 in:0.0189 at:0.0163 for:0.0130 was:0.0118 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -:0.6506 of:0.1036 to:0.0730 in:0.0450 and:0.0413 the:0.0412 for:0.0148 by:0.0109 with:0.0104 a:0.0092 -:0.6474 in:0.1127 to:0.0713 of:0.0382 at:0.0304 for:0.0241 on:0.0224 all:0.0199 with:0.0175 by:0.0162 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.8011 the:0.0737 to:0.0358 a:0.0248 and:0.0192 in:0.0114 by:0.0113 of:0.0102 that:0.0063 an:0.0062 -:0.9721 and:0.0055 years:0.0048 of:0.0034 in:0.0028 men:0.0027 days:0.0026 up:0.0021 thereof:0.0021 year:0.0019 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.5968 the:0.2025 to:0.0502 and:0.0302 a:0.0264 in:0.0257 of:0.0237 by:0.0154 that:0.0147 it:0.0144 -:0.6946 to:0.0659 in:0.0641 of:0.0441 by:0.0302 on:0.0251 at:0.0242 from:0.0192 for:0.0190 with:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7849 the:0.0510 to:0.0353 a:0.0352 one:0.0287 not:0.0228 and:0.0188 other:0.0092 no:0.0073 his:0.0069 -:0.5957 of:0.0725 to:0.0694 in:0.0646 by:0.0456 that:0.0346 at:0.0320 on:0.0306 for:0.0301 all:0.0249 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.6969 of:0.0754 and:0.0510 to:0.0453 in:0.0418 for:0.0294 with:0.0173 that:0.0149 the:0.0143 is:0.0137 -of:0.3280 :0.3447 in:0.0835 for:0.0564 with:0.0435 and:0.0415 at:0.0295 to:0.0274 by:0.0254 on:0.0202 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8196 of:0.0517 and:0.0387 to:0.0252 in:0.0175 the:0.0142 or:0.0107 for:0.0081 on:0.0075 at:0.0067 -:0.5397 of:0.1462 the:0.0842 in:0.0592 and:0.0477 at:0.0279 is:0.0272 that:0.0235 a:0.0224 was:0.0219 -:0.7519 to:0.0943 and:0.0496 the:0.0242 of:0.0236 or:0.0121 will:0.0118 was:0.0116 a:0.0113 is:0.0097 -:0.6248 the:0.1223 a:0.0563 of:0.0429 that:0.0329 to:0.0318 and:0.0301 by:0.0228 in:0.0182 he:0.0179 -of:0.2416 :0.4349 in:0.0944 for:0.0413 to:0.0394 on:0.0354 at:0.0339 that:0.0309 by:0.0261 and:0.0220 -:0.8371 and:0.0289 up:0.0245 away:0.0236 him:0.0210 them:0.0164 it:0.0148 or:0.0117 days:0.0115 ago:0.0104 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7349 the:0.0871 a:0.0441 of:0.0435 and:0.0327 is:0.0139 to:0.0128 or:0.0106 in:0.0103 for:0.0101 -:0.7585 had:0.0495 have:0.0429 are:0.0351 has:0.0253 is:0.0252 was:0.0233 were:0.0155 of:0.0135 in:0.0112 -:0.8197 and:0.0429 is:0.0224 the:0.0204 has:0.0198 have:0.0194 to:0.0151 he:0.0146 was:0.0140 had:0.0117 -:0.7416 the:0.0777 and:0.0437 is:0.0264 of:0.0249 was:0.0247 in:0.0172 to:0.0165 a:0.0145 has:0.0128 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7177 of:0.0793 and:0.0465 to:0.0405 the:0.0351 in:0.0277 is:0.0183 that:0.0136 for:0.0109 or:0.0104 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.8462 made:0.0425 paid:0.0191 held:0.0173 used:0.0148 taken:0.0137 found:0.0132 done:0.0132 kept:0.0101 placed:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.8591 it:0.0499 he:0.0238 the:0.0194 there:0.0139 is:0.0086 him:0.0068 such:0.0062 and:0.0061 they:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8933 of:0.0275 than:0.0182 and:0.0123 in:0.0110 on:0.0092 with:0.0084 at:0.0074 from:0.0064 for:0.0062 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7167 the:0.1453 and:0.0401 a:0.0229 of:0.0204 is:0.0134 as:0.0108 his:0.0106 was:0.0100 that:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -of:0.2580 :0.4167 the:0.0846 a:0.0699 to:0.0652 and:0.0385 in:0.0352 for:0.0146 his:0.0094 by:0.0078 -:0.7643 and:0.0632 of:0.0514 the:0.0324 to:0.0236 in:0.0184 or:0.0149 are:0.0118 for:0.0112 were:0.0088 -:0.9525 one:0.0226 and:0.0062 that:0.0052 out:0.0028 some:0.0023 day:0.0022 part:0.0022 line:0.0021 use:0.0019 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9477 same:0.0133 city:0.0064 two:0.0058 most:0.0054 people:0.0053 best:0.0044 first:0.0041 public:0.0039 time:0.0037 -the:0.5392 :0.2916 this:0.0465 tho:0.0304 a:0.0241 his:0.0196 our:0.0146 their:0.0138 said:0.0101 these:0.0101 -to:0.1225 of:0.1072 the:0.0840 :0.4270 a:0.0545 and:0.0545 in:0.0539 for:0.0529 by:0.0251 with:0.0183 -the:0.2734 :0.4692 a:0.1478 his:0.0266 tho:0.0166 their:0.0165 this:0.0149 an:0.0149 its:0.0105 her:0.0096 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8798 time:0.0301 city:0.0194 country:0.0164 he:0.0160 who:0.0140 year:0.0071 is:0.0064 act:0.0054 man:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7243 to:0.0882 of:0.0445 in:0.0390 for:0.0253 and:0.0200 with:0.0185 from:0.0157 by:0.0122 as:0.0122 -:0.7872 the:0.0676 a:0.0287 of:0.0285 is:0.0192 and:0.0155 in:0.0152 have:0.0144 was:0.0119 his:0.0119 -:0.9351 and:0.0237 that:0.0084 to:0.0067 of:0.0058 but:0.0047 was:0.0044 time:0.0039 work:0.0037 him:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8615 of:0.0468 and:0.0321 the:0.0195 to:0.0086 in:0.0083 or:0.0073 other:0.0062 who:0.0050 as:0.0048 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.6194 of:0.1300 and:0.0722 to:0.0553 in:0.0414 for:0.0207 is:0.0184 was:0.0165 with:0.0132 at:0.0130 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7106 the:0.0807 of:0.0611 and:0.0350 to:0.0263 a:0.0241 that:0.0226 in:0.0182 for:0.0109 with:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5380 to:0.1373 of:0.1165 and:0.0656 in:0.0390 the:0.0320 that:0.0219 by:0.0192 for:0.0180 a:0.0125 -:0.8234 of:0.0287 and:0.0252 to:0.0252 a:0.0189 is:0.0176 the:0.0175 was:0.0167 in:0.0147 be:0.0121 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7838 the:0.0524 of:0.0432 and:0.0326 a:0.0216 to:0.0190 that:0.0142 in:0.0139 for:0.0104 as:0.0089 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -:0.8224 to:0.0384 the:0.0341 and:0.0248 of:0.0232 a:0.0190 in:0.0134 with:0.0091 for:0.0082 by:0.0076 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8101 to:0.0558 and:0.0519 the:0.0172 a:0.0163 of:0.0139 or:0.0106 that:0.0097 is:0.0077 as:0.0067 -:0.9095 use:0.0168 one:0.0165 corner:0.0120 be:0.0091 think:0.0081 act:0.0077 work:0.0076 dispose:0.0064 some:0.0062 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5092 be:0.3106 not:0.0527 have:0.0396 to:0.0294 the:0.0177 bo:0.0169 and:0.0097 in:0.0073 that:0.0070 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8239 and:0.0392 of:0.0307 to:0.0253 is:0.0193 he:0.0135 was:0.0131 the:0.0118 in:0.0116 a:0.0115 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8977 other:0.0221 same:0.0173 whole:0.0127 most:0.0121 great:0.0107 the:0.0099 said:0.0068 two:0.0055 best:0.0052 -the:0.3955 :0.3702 a:0.0797 his:0.0362 tho:0.0344 their:0.0221 our:0.0221 this:0.0150 her:0.0125 its:0.0124 -:0.9656 same:0.0063 time:0.0046 city:0.0045 county:0.0039 world:0.0039 people:0.0033 country:0.0028 whole:0.0027 case:0.0025 -:0.9742 him:0.0037 do:0.0032 say:0.0032 look:0.0031 work:0.0028 have:0.0027 up:0.0024 and:0.0023 sell:0.0023 -:0.8707 able:0.0356 made:0.0156 not:0.0153 unable:0.0129 allowed:0.0119 compelled:0.0111 going:0.0097 sent:0.0089 given:0.0082 -:0.9746 not:0.0066 placed:0.0031 come:0.0028 called:0.0024 put:0.0024 set:0.0023 look:0.0020 visit:0.0020 fall:0.0019 -:0.8727 him:0.0321 it:0.0204 them:0.0200 and:0.0168 that:0.0094 up:0.0092 us:0.0072 he:0.0063 the:0.0059 -:0.7780 to:0.0694 only:0.0355 the:0.0344 be:0.0260 a:0.0192 and:0.0123 he:0.0087 in:0.0086 that:0.0077 -:0.5883 of:0.0824 and:0.0626 the:0.0604 to:0.0572 in:0.0419 that:0.0374 a:0.0237 for:0.0232 at:0.0230 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8533 it:0.0313 he:0.0234 him:0.0168 and:0.0159 is:0.0134 they:0.0130 you:0.0115 the:0.0106 them:0.0105 -:0.7881 the:0.1147 a:0.0272 and:0.0169 of:0.0122 his:0.0106 this:0.0099 to:0.0078 be:0.0065 tho:0.0061 -:0.8183 of:0.0547 the:0.0362 his:0.0186 in:0.0180 a:0.0139 and:0.0118 their:0.0113 as:0.0095 that:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8436 of:0.0426 time:0.0326 in:0.0192 is:0.0142 year:0.0118 and:0.0103 that:0.0090 for:0.0083 morning:0.0082 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8222 and:0.0368 is:0.0226 was:0.0217 has:0.0187 the:0.0171 have:0.0169 had:0.0147 he:0.0147 who:0.0146 -:0.6194 of:0.1300 and:0.0722 to:0.0553 in:0.0414 for:0.0207 is:0.0184 was:0.0165 with:0.0132 at:0.0130 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7490 the:0.1430 a:0.0352 and:0.0129 it:0.0127 to:0.0114 tho:0.0098 that:0.0095 his:0.0084 he:0.0081 -:0.5941 to:0.1905 the:0.0705 a:0.0592 and:0.0262 in:0.0177 no:0.0127 not:0.0101 that:0.0097 an:0.0093 -:0.7717 be:0.0769 a:0.0405 the:0.0323 much:0.0233 not:0.0148 is:0.0123 have:0.0109 was:0.0093 he:0.0079 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6595 of:0.0712 and:0.0705 the:0.0591 to:0.0431 that:0.0290 a:0.0206 for:0.0166 in:0.0155 or:0.0148 -:0.8183 and:0.0722 to:0.0387 of:0.0242 is:0.0113 but:0.0107 that:0.0065 year:0.0064 was:0.0058 in:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8922 not:0.0198 is:0.0179 and:0.0122 are:0.0114 it:0.0105 one:0.0095 was:0.0089 a:0.0088 the:0.0088 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -the:0.1177 a:0.0553 :0.7450 of:0.0232 and:0.0123 his:0.0121 tho:0.0100 this:0.0090 their:0.0077 by:0.0076 -:0.6197 to:0.1813 and:0.0702 of:0.0400 that:0.0224 will:0.0170 in:0.0156 for:0.0116 at:0.0114 the:0.0106 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -to:0.3450 will:0.1378 :0.2464 shall:0.0565 would:0.0493 can:0.0423 may:0.0421 should:0.0350 must:0.0274 could:0.0182 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.6373 of:0.1176 in:0.0743 to:0.0479 and:0.0476 for:0.0211 at:0.0159 that:0.0143 on:0.0120 but:0.0119 -:0.8013 of:0.0570 and:0.0488 in:0.0212 the:0.0197 to:0.0165 for:0.0093 as:0.0090 or:0.0087 was:0.0085 -:0.7141 the:0.1123 and:0.0500 of:0.0345 a:0.0321 his:0.0175 is:0.0112 to:0.0098 he:0.0095 was:0.0090 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.4864 of:0.1896 in:0.0871 to:0.0629 for:0.0412 and:0.0401 on:0.0309 that:0.0261 at:0.0183 by:0.0174 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9413 way:0.0136 time:0.0094 and:0.0077 work:0.0069 him:0.0053 people:0.0045 country:0.0042 money:0.0036 interest:0.0035 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -of:0.2067 :0.4109 and:0.0812 is:0.0629 in:0.0593 to:0.0561 was:0.0434 for:0.0357 are:0.0227 were:0.0210 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.8179 be:0.0504 he:0.0360 not:0.0189 it:0.0173 to:0.0138 a:0.0137 and:0.0119 much:0.0102 well:0.0101 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7419 and:0.0660 to:0.0384 the:0.0339 of:0.0320 is:0.0286 was:0.0202 in:0.0157 are:0.0120 a:0.0112 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9766 hundred:0.0034 more:0.0031 it:0.0030 day:0.0026 time:0.0025 land:0.0024 city:0.0022 place:0.0022 men:0.0021 -:0.6947 of:0.0733 and:0.0699 the:0.0331 as:0.0270 to:0.0248 a:0.0242 is:0.0183 be:0.0180 that:0.0169 -:0.5982 the:0.1923 be:0.1090 have:0.0256 he:0.0160 his:0.0150 a:0.0133 this:0.0127 tho:0.0112 bo:0.0067 -:0.7968 of:0.0496 and:0.0396 to:0.0364 in:0.0211 the:0.0165 for:0.0130 as:0.0092 from:0.0090 with:0.0088 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1947 in:0.0744 :0.4924 to:0.0599 for:0.0458 on:0.0325 with:0.0296 from:0.0249 by:0.0238 and:0.0220 -:0.8918 and:0.0341 of:0.0261 to:0.0111 in:0.0085 the:0.0069 as:0.0060 for:0.0052 or:0.0052 is:0.0051 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7420 the:0.0640 of:0.0473 to:0.0439 and:0.0365 in:0.0173 a:0.0143 that:0.0137 by:0.0116 for:0.0094 -:0.6915 of:0.0998 in:0.0551 to:0.0479 and:0.0298 for:0.0252 from:0.0148 at:0.0122 that:0.0120 by:0.0118 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -of:0.3020 :0.3352 to:0.1251 in:0.0760 and:0.0466 for:0.0398 on:0.0212 from:0.0190 that:0.0181 with:0.0170 -:0.5819 of:0.2323 in:0.0457 for:0.0283 and:0.0259 from:0.0198 on:0.0195 as:0.0187 at:0.0159 with:0.0120 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8311 to:0.0597 and:0.0450 was:0.0227 is:0.0154 will:0.0055 are:0.0053 out:0.0052 of:0.0051 it:0.0049 -:0.7646 in:0.0498 and:0.0303 from:0.0283 to:0.0250 of:0.0236 for:0.0212 that:0.0202 with:0.0194 by:0.0176 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7736 has:0.0442 to:0.0389 and:0.0327 as:0.0249 have:0.0214 had:0.0204 is:0.0158 of:0.0142 was:0.0140 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8828 of:0.0336 and:0.0228 to:0.0175 in:0.0118 is:0.0097 was:0.0077 will:0.0056 for:0.0045 on:0.0040 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.6259 few:0.1365 great:0.0513 large:0.0402 a:0.0376 good:0.0277 very:0.0260 little:0.0224 the:0.0186 small:0.0137 -:0.5041 do:0.1253 did:0.0831 is:0.0553 will:0.0443 does:0.0437 would:0.0407 was:0.0365 could:0.0354 are:0.0317 -:0.6959 to:0.0595 will:0.0509 are:0.0466 and:0.0369 have:0.0265 of:0.0225 the:0.0225 can:0.0213 a:0.0173 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.5196 to:0.1604 of:0.1346 in:0.0645 and:0.0497 for:0.0170 the:0.0169 with:0.0136 by:0.0125 or:0.0112 -of:0.1859 :0.4677 to:0.1055 and:0.0938 in:0.0413 the:0.0296 for:0.0267 by:0.0196 that:0.0150 at:0.0149 -:0.9414 hour:0.0241 opportunity:0.0054 office:0.0048 work:0.0044 land:0.0042 old:0.0042 act:0.0040 interest:0.0040 home:0.0036 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.6371 to:0.0896 and:0.0843 of:0.0496 the:0.0333 in:0.0310 or:0.0237 a:0.0210 was:0.0161 by:0.0143 -:0.5943 of:0.1011 and:0.0843 to:0.0778 in:0.0448 for:0.0262 the:0.0217 as:0.0179 that:0.0173 or:0.0146 -far:0.2385 :0.5046 much:0.0666 long:0.0641 well:0.0572 soon:0.0289 it:0.0170 so:0.0096 that:0.0072 described:0.0063 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -:0.8436 of:0.0426 time:0.0326 in:0.0192 is:0.0142 year:0.0118 and:0.0103 that:0.0090 for:0.0083 morning:0.0082 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1860 :0.4881 in:0.0937 to:0.0685 and:0.0457 for:0.0366 by:0.0230 from:0.0207 as:0.0189 on:0.0188 -:0.8143 to:0.0478 the:0.0408 of:0.0270 in:0.0175 and:0.0145 that:0.0104 a:0.0102 two:0.0098 per:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7021 that:0.1503 it:0.0400 and:0.0284 he:0.0278 which:0.0254 to:0.0104 there:0.0060 but:0.0048 be:0.0048 -:0.7992 of:0.0736 and:0.0266 to:0.0262 that:0.0183 in:0.0151 the:0.0138 or:0.0103 for:0.0095 by:0.0074 -:0.7172 is:0.0522 the:0.0407 and:0.0383 was:0.0382 or:0.0303 of:0.0283 a:0.0247 are:0.0152 not:0.0148 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9376 time:0.0122 city:0.0084 case:0.0083 fact:0.0073 said:0.0065 world:0.0053 way:0.0051 people:0.0048 government:0.0044 -:0.8566 much:0.0477 as:0.0303 far:0.0184 it:0.0131 well:0.0088 is:0.0072 ready:0.0063 that:0.0059 not:0.0057 -:0.6888 the:0.0947 of:0.0560 to:0.0482 and:0.0372 in:0.0253 a:0.0139 his:0.0126 with:0.0118 is:0.0115 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.6741 it:0.1310 they:0.0403 he:0.0307 you:0.0306 we:0.0277 which:0.0218 there:0.0172 the:0.0157 him:0.0109 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.6606 those:0.2147 the:0.0320 men:0.0312 this:0.0159 one:0.0149 all:0.0121 said:0.0086 a:0.0053 that:0.0048 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6665 be:0.1515 he:0.0585 have:0.0505 which:0.0215 the:0.0125 it:0.0121 do:0.0119 lie:0.0080 you:0.0071 -:0.4450 he:0.1344 they:0.1196 we:0.0985 it:0.0862 there:0.0318 you:0.0311 she:0.0257 ho:0.0151 is:0.0126 -:0.7117 of:0.0515 is:0.0442 in:0.0421 with:0.0387 for:0.0280 was:0.0255 by:0.0209 as:0.0187 on:0.0186 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.6712 of:0.0980 to:0.0793 and:0.0579 in:0.0288 for:0.0158 or:0.0153 by:0.0115 at:0.0112 from:0.0111 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9063 hour:0.0355 side:0.0107 end:0.0087 day:0.0086 act:0.0078 office:0.0074 amount:0.0060 part:0.0048 opportunity:0.0043 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.8843 and:0.0301 is:0.0190 it:0.0155 was:0.0151 one:0.0101 he:0.0081 man:0.0066 who:0.0061 time:0.0051 -:0.7100 the:0.1266 and:0.0351 a:0.0306 that:0.0209 in:0.0202 his:0.0151 to:0.0151 all:0.0143 any:0.0122 -:0.7952 of:0.0552 years:0.0418 or:0.0241 hundred:0.0209 and:0.0208 days:0.0154 weeks:0.0105 months:0.0089 the:0.0072 -:0.9285 same:0.0152 last:0.0100 most:0.0079 first:0.0077 other:0.0077 past:0.0065 old:0.0058 present:0.0055 best:0.0052 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6397 the:0.1075 to:0.0520 of:0.0496 and:0.0449 a:0.0329 in:0.0247 by:0.0196 for:0.0148 with:0.0141 -:0.7513 and:0.0525 to:0.0511 of:0.0341 the:0.0321 for:0.0182 at:0.0166 is:0.0151 was:0.0149 in:0.0142 -:0.7566 we:0.0501 that:0.0334 they:0.0320 he:0.0279 it:0.0276 and:0.0252 as:0.0236 to:0.0119 who:0.0116 -:0.7170 of:0.0756 and:0.0509 to:0.0367 with:0.0224 in:0.0222 for:0.0207 a:0.0193 is:0.0187 the:0.0167 -:0.7718 of:0.0863 and:0.0573 to:0.0196 or:0.0160 in:0.0119 are:0.0111 for:0.0095 the:0.0090 that:0.0074 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7046 as:0.0859 and:0.0418 the:0.0411 of:0.0299 is:0.0280 was:0.0194 in:0.0192 to:0.0174 or:0.0126 -:0.8247 and:0.0623 to:0.0341 the:0.0162 of:0.0155 in:0.0108 or:0.0104 was:0.0101 a:0.0080 that:0.0079 -:0.6931 the:0.2017 a:0.0446 his:0.0100 an:0.0095 he:0.0094 it:0.0086 said:0.0079 all:0.0076 no:0.0076 -:0.8191 that:0.0302 and:0.0302 to:0.0224 the:0.0218 of:0.0190 as:0.0188 in:0.0187 for:0.0103 a:0.0093 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8436 of:0.0426 time:0.0326 in:0.0192 is:0.0142 year:0.0118 and:0.0103 that:0.0090 for:0.0083 morning:0.0082 -:0.7473 he:0.0849 and:0.0414 have:0.0240 be:0.0208 they:0.0197 it:0.0170 who:0.0169 we:0.0141 to:0.0139 -:0.9059 same:0.0177 said:0.0158 best:0.0103 other:0.0099 first:0.0097 most:0.0086 great:0.0074 th:0.0074 present:0.0073 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8364 come:0.0308 been:0.0233 failed:0.0229 made:0.0179 gone:0.0162 taken:0.0148 able:0.0144 them:0.0120 not:0.0112 -:0.7456 order:0.0892 regard:0.0760 addition:0.0259 relation:0.0160 reference:0.0117 said:0.0102 him:0.0096 them:0.0083 view:0.0076 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.4218 to:0.1116 will:0.1015 would:0.0975 we:0.0572 who:0.0535 should:0.0441 may:0.0436 shall:0.0378 and:0.0314 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7166 be:0.1111 the:0.0683 have:0.0221 a:0.0186 go:0.0185 do:0.0126 take:0.0118 get:0.0109 bo:0.0094 -:0.7367 to:0.0645 and:0.0427 has:0.0316 of:0.0309 was:0.0250 is:0.0233 will:0.0198 had:0.0149 would:0.0106 -of:0.4121 :0.3959 in:0.0459 to:0.0394 for:0.0237 and:0.0215 on:0.0200 that:0.0142 at:0.0141 with:0.0131 -:0.9121 been:0.0234 done:0.0126 it:0.0105 gone:0.0094 made:0.0092 taken:0.0073 received:0.0056 passed:0.0050 not:0.0049 -:0.6739 that:0.1002 and:0.0713 to:0.0457 as:0.0276 of:0.0228 the:0.0171 at:0.0150 he:0.0145 it:0.0121 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7952 of:0.0552 years:0.0418 or:0.0241 hundred:0.0209 and:0.0208 days:0.0154 weeks:0.0105 months:0.0089 the:0.0072 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -not:0.2035 :0.6360 a:0.0397 the:0.0322 to:0.0206 so:0.0206 now:0.0161 an:0.0132 hereby:0.0094 also:0.0087 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.6787 the:0.1014 of:0.0544 and:0.0349 that:0.0324 a:0.0267 to:0.0245 as:0.0173 in:0.0165 for:0.0131 -:0.9351 the:0.0202 order:0.0126 which:0.0060 said:0.0048 him:0.0047 it:0.0045 this:0.0044 a:0.0040 front:0.0037 -:0.8264 and:0.0492 to:0.0384 of:0.0294 the:0.0157 in:0.0114 a:0.0077 at:0.0074 is:0.0074 as:0.0071 -:0.9608 hundred:0.0084 day:0.0073 time:0.0050 work:0.0035 place:0.0034 law:0.0031 man:0.0030 act:0.0028 year:0.0027 -:0.8156 and:0.0453 to:0.0319 the:0.0255 of:0.0195 is:0.0172 was:0.0158 in:0.0116 as:0.0088 a:0.0088 -:0.7988 in:0.0385 of:0.0267 and:0.0237 to:0.0221 by:0.0203 for:0.0200 with:0.0187 on:0.0165 from:0.0147 -:0.8480 of:0.0514 and:0.0365 the:0.0126 to:0.0124 or:0.0106 in:0.0096 for:0.0072 at:0.0059 a:0.0058 -:0.8319 the:0.0451 and:0.0257 a:0.0206 is:0.0189 of:0.0156 was:0.0120 to:0.0117 are:0.0101 his:0.0084 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.4365 of:0.1736 the:0.1228 in:0.1072 to:0.0549 for:0.0314 a:0.0233 and:0.0205 with:0.0160 his:0.0138 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7064 of:0.0795 and:0.0510 in:0.0362 the:0.0344 to:0.0250 for:0.0194 was:0.0171 is:0.0164 with:0.0146 -:0.6631 to:0.1211 and:0.0547 has:0.0470 had:0.0308 have:0.0295 of:0.0161 will:0.0148 the:0.0123 would:0.0106 -:0.6808 the:0.1808 a:0.0535 to:0.0162 of:0.0133 and:0.0130 in:0.0118 his:0.0115 this:0.0101 an:0.0089 -:0.4270 to:0.1547 of:0.1400 in:0.0967 for:0.0380 on:0.0340 by:0.0320 with:0.0271 and:0.0253 at:0.0253 -:0.7685 the:0.0512 much:0.0477 that:0.0321 far:0.0223 to:0.0199 of:0.0161 it:0.0141 and:0.0140 a:0.0140 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6814 the:0.0685 to:0.0508 is:0.0506 was:0.0348 will:0.0292 in:0.0292 a:0.0225 of:0.0168 and:0.0163 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8329 and:0.0479 to:0.0404 the:0.0176 of:0.0153 as:0.0112 in:0.0101 that:0.0091 will:0.0081 is:0.0074 -:0.8688 the:0.0306 a:0.0147 order:0.0147 which:0.0138 this:0.0136 it:0.0123 him:0.0116 all:0.0101 that:0.0098 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.7606 of:0.1191 and:0.0525 to:0.0197 in:0.0127 the:0.0094 or:0.0094 for:0.0061 by:0.0053 on:0.0051 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7175 the:0.1256 of:0.0409 and:0.0263 to:0.0216 in:0.0213 a:0.0198 for:0.0098 at:0.0091 with:0.0082 -:0.8091 man:0.0614 men:0.0428 those:0.0279 and:0.0212 one:0.0091 that:0.0079 of:0.0076 or:0.0072 he:0.0059 -:0.9224 him:0.0140 it:0.0138 the:0.0137 them:0.0133 that:0.0066 me:0.0045 he:0.0041 and:0.0041 one:0.0035 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5370 of:0.2264 to:0.0755 and:0.0641 in:0.0285 by:0.0185 for:0.0163 from:0.0117 on:0.0114 at:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -be:0.7346 have:0.0375 hereby:0.0334 :0.1276 bo:0.0253 not:0.0157 he:0.0087 the:0.0084 to:0.0046 has:0.0042 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7774 the:0.0514 to:0.0461 of:0.0302 and:0.0269 a:0.0218 in:0.0179 that:0.0122 at:0.0083 by:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5126 of:0.1416 in:0.1374 for:0.0558 to:0.0380 at:0.0263 and:0.0257 that:0.0217 by:0.0207 from:0.0201 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.1614 :0.6939 the:0.0348 a:0.0291 of:0.0169 in:0.0148 by:0.0139 as:0.0134 and:0.0123 for:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9406 and:0.0098 who:0.0094 it:0.0085 he:0.0072 one:0.0053 is:0.0052 be:0.0047 to:0.0046 was:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7583 the:0.0595 two:0.0333 three:0.0314 of:0.0242 a:0.0228 and:0.0225 is:0.0215 in:0.0133 to:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -a:0.2190 the:0.2143 :0.3668 been:0.0825 no:0.0606 an:0.0157 not:0.0122 his:0.0106 this:0.0100 their:0.0083 -:0.7419 of:0.0637 and:0.0451 the:0.0399 to:0.0391 that:0.0184 in:0.0182 a:0.0169 for:0.0090 by:0.0078 -:0.9178 same:0.0117 first:0.0116 last:0.0099 other:0.0095 following:0.0094 th:0.0080 the:0.0076 said:0.0075 whole:0.0069 -:0.6544 to:0.0958 of:0.0876 in:0.0400 and:0.0346 the:0.0295 on:0.0168 for:0.0157 by:0.0132 a:0.0123 -:0.9253 man:0.0146 matter:0.0098 candidate:0.0095 vote:0.0081 word:0.0080 day:0.0073 year:0.0061 thing:0.0059 chance:0.0054 -:0.9405 hundred:0.0242 day:0.0097 and:0.0042 year:0.0040 up:0.0039 that:0.0037 it:0.0034 of:0.0033 more:0.0031 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.9192 day:0.0170 one:0.0151 line:0.0096 side:0.0096 part:0.0091 out:0.0069 and:0.0056 cent:0.0043 time:0.0037 -not:0.4186 be:0.1696 :0.2970 have:0.0256 the:0.0212 a:0.0175 bo:0.0169 to:0.0158 hereby:0.0108 are:0.0071 -:0.5898 of:0.1836 and:0.0743 to:0.0566 in:0.0319 the:0.0175 or:0.0125 for:0.0114 that:0.0113 at:0.0112 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6720 the:0.1257 he:0.0425 a:0.0406 to:0.0369 his:0.0204 and:0.0191 in:0.0157 it:0.0147 of:0.0124 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.9275 and:0.0123 he:0.0098 one:0.0090 is:0.0082 was:0.0076 to:0.0066 have:0.0064 the:0.0063 they:0.0061 -:0.8459 of:0.0692 and:0.0174 week:0.0114 in:0.0113 the:0.0103 night:0.0093 is:0.0091 other:0.0088 was:0.0074 -:0.9597 same:0.0082 time:0.0051 city:0.0047 land:0.0046 people:0.0044 most:0.0039 right:0.0033 first:0.0030 best:0.0030 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7229 be:0.0922 in:0.0442 to:0.0407 have:0.0207 of:0.0199 see:0.0162 take:0.0149 on:0.0146 at:0.0137 -the:0.3741 :0.4659 a:0.0458 of:0.0407 and:0.0212 tho:0.0161 in:0.0102 was:0.0091 this:0.0085 at:0.0084 -the:0.3658 :0.5102 a:0.0425 this:0.0286 and:0.0106 of:0.0100 his:0.0096 tho:0.0095 said:0.0067 their:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.8356 he:0.0612 it:0.0419 there:0.0129 and:0.0117 she:0.0100 which:0.0085 that:0.0070 who:0.0067 ho:0.0045 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.8088 a:0.0727 the:0.0366 not:0.0313 and:0.0100 is:0.0093 no:0.0085 to:0.0081 in:0.0074 of:0.0073 -:0.6265 been:0.2178 not:0.0425 to:0.0354 that:0.0187 and:0.0146 always:0.0115 no:0.0110 the:0.0110 a:0.0109 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.5631 of:0.1229 and:0.0998 to:0.0657 the:0.0548 that:0.0249 for:0.0242 in:0.0196 a:0.0139 by:0.0111 -the:0.3967 :0.3639 a:0.0832 this:0.0453 no:0.0297 tho:0.0189 every:0.0176 any:0.0171 his:0.0170 he:0.0107 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.7363 of:0.0793 and:0.0575 the:0.0348 in:0.0253 to:0.0201 a:0.0124 for:0.0124 or:0.0117 is:0.0102 -:0.9540 city:0.0097 time:0.0068 world:0.0051 country:0.0051 county:0.0041 year:0.0041 way:0.0040 work:0.0036 house:0.0036 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -the:0.5877 :0.1798 a:0.0727 this:0.0408 his:0.0371 their:0.0224 its:0.0202 tho:0.0164 our:0.0162 my:0.0069 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7686 of:0.0495 and:0.0446 to:0.0376 the:0.0376 in:0.0164 that:0.0149 for:0.0117 or:0.0096 by:0.0093 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -the:0.0644 :0.8583 a:0.0122 be:0.0122 tho:0.0104 his:0.0104 any:0.0102 this:0.0079 our:0.0073 their:0.0067 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6384 the:0.1539 a:0.1063 an:0.0201 him:0.0177 to:0.0164 and:0.0140 that:0.0116 their:0.0113 it:0.0103 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8701 same:0.0261 other:0.0178 first:0.0178 said:0.0163 north:0.0126 most:0.0108 whole:0.0096 south:0.0095 best:0.0094 -:0.8542 not:0.0277 that:0.0233 it:0.0205 he:0.0184 as:0.0118 in:0.0118 have:0.0111 and:0.0108 to:0.0105 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8306 and:0.0337 the:0.0287 of:0.0279 a:0.0230 to:0.0166 that:0.0138 in:0.0106 all:0.0076 for:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8183 that:0.0528 been:0.0370 made:0.0198 as:0.0166 to:0.0125 what:0.0114 not:0.0112 given:0.0109 so:0.0095 -:0.7754 the:0.0480 and:0.0361 a:0.0344 of:0.0235 that:0.0209 as:0.0178 have:0.0157 for:0.0145 in:0.0137 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6665 the:0.1430 a:0.0576 to:0.0358 and:0.0314 of:0.0294 this:0.0117 that:0.0104 his:0.0075 in:0.0068 -of:0.1613 :0.5999 and:0.0620 in:0.0407 to:0.0256 on:0.0244 at:0.0232 than:0.0227 from:0.0204 with:0.0197 -:0.6972 the:0.0824 of:0.0550 and:0.0516 to:0.0350 a:0.0217 in:0.0207 for:0.0174 that:0.0108 with:0.0082 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.5110 of:0.1887 the:0.0972 in:0.0528 and:0.0444 a:0.0374 to:0.0287 for:0.0165 on:0.0118 by:0.0116 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7669 the:0.0595 and:0.0428 of:0.0283 is:0.0250 a:0.0238 was:0.0159 are:0.0139 he:0.0132 to:0.0105 -:0.9245 same:0.0353 great:0.0063 first:0.0063 most:0.0054 other:0.0048 said:0.0046 new:0.0045 city:0.0043 second:0.0039 -:0.9079 and:0.0250 is:0.0136 the:0.0106 to:0.0091 was:0.0080 so:0.0070 are:0.0068 went:0.0066 it:0.0054 -:0.8613 of:0.0502 and:0.0386 to:0.0103 in:0.0082 or:0.0077 day:0.0069 year:0.0066 the:0.0056 is:0.0047 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7628 and:0.0624 it:0.0410 who:0.0333 that:0.0299 which:0.0196 but:0.0154 he:0.0153 of:0.0112 to:0.0093 -:0.7504 of:0.0736 the:0.0544 and:0.0416 a:0.0175 is:0.0170 in:0.0128 was:0.0117 for:0.0115 that:0.0096 -:0.7275 the:0.0660 and:0.0445 of:0.0440 a:0.0372 to:0.0233 in:0.0227 was:0.0129 is:0.0111 his:0.0107 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7138 the:0.1697 a:0.0436 this:0.0151 his:0.0118 their:0.0109 tho:0.0107 any:0.0095 these:0.0080 our:0.0069 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3197 :0.5165 a:0.0780 of:0.0199 and:0.0153 tho:0.0121 per:0.0120 is:0.0095 was:0.0086 this:0.0084 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7175 the:0.1194 a:0.0672 of:0.0284 and:0.0161 is:0.0127 his:0.0108 in:0.0102 was:0.0090 for:0.0088 -:0.8127 the:0.0495 and:0.0279 of:0.0224 to:0.0218 in:0.0176 was:0.0133 a:0.0125 that:0.0115 by:0.0108 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6303 the:0.1159 a:0.0989 of:0.0599 and:0.0321 in:0.0183 to:0.0141 for:0.0109 his:0.0098 with:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.7952 of:0.0552 years:0.0418 or:0.0241 hundred:0.0209 and:0.0208 days:0.0154 weeks:0.0105 months:0.0089 the:0.0072 -:0.9262 most:0.0109 said:0.0100 very:0.0086 great:0.0083 whole:0.0079 same:0.0079 other:0.0076 best:0.0064 public:0.0062 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7333 the:0.1288 be:0.0613 do:0.0183 a:0.0160 have:0.0105 this:0.0089 get:0.0081 one:0.0075 tho:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7619 make:0.0445 be:0.0362 the:0.0313 take:0.0292 give:0.0232 get:0.0208 do:0.0184 see:0.0181 have:0.0164 -:0.9538 time:0.0103 day:0.0068 city:0.0055 year:0.0055 law:0.0047 work:0.0038 country:0.0035 county:0.0030 act:0.0030 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7976 to:0.0618 and:0.0411 of:0.0224 the:0.0210 a:0.0151 in:0.0135 as:0.0130 that:0.0080 will:0.0064 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.4099 :0.3757 a:0.0779 his:0.0279 tho:0.0276 this:0.0242 any:0.0190 their:0.0161 per:0.0119 our:0.0099 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9509 more:0.0070 one:0.0069 the:0.0064 then:0.0053 he:0.0052 it:0.0049 two:0.0049 that:0.0045 other:0.0041 -to:0.2787 :0.4080 will:0.1281 shall:0.0496 should:0.0294 may:0.0263 would:0.0241 can:0.0212 and:0.0210 must:0.0136 -:0.7781 of:0.0626 the:0.0400 a:0.0275 in:0.0268 and:0.0262 for:0.0114 other:0.0103 by:0.0090 with:0.0082 -:0.8103 know:0.0514 believe:0.0244 say:0.0242 see:0.0186 only:0.0167 be:0.0151 given:0.0146 so:0.0128 think:0.0120 -:0.6401 of:0.1290 in:0.0617 to:0.0354 that:0.0272 and:0.0260 for:0.0259 on:0.0231 at:0.0174 as:0.0141 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.7937 the:0.0759 a:0.0508 he:0.0142 that:0.0134 it:0.0127 and:0.0112 not:0.0110 an:0.0090 to:0.0082 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8652 and:0.0388 of:0.0237 men:0.0149 that:0.0128 to:0.0127 man:0.0101 those:0.0089 or:0.0066 as:0.0063 -:0.5585 of:0.1168 to:0.1054 and:0.0967 in:0.0385 the:0.0210 for:0.0207 that:0.0156 or:0.0136 by:0.0133 -:0.8376 be:0.0376 do:0.0207 the:0.0181 take:0.0172 have:0.0172 make:0.0162 get:0.0135 pay:0.0113 see:0.0107 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -has:0.2879 have:0.2061 had:0.1579 :0.2896 having:0.0250 lias:0.0107 not:0.0077 and:0.0059 the:0.0047 bad:0.0043 -:0.5856 well:0.1788 soon:0.0844 far:0.0448 it:0.0339 much:0.0266 long:0.0138 to:0.0116 a:0.0104 he:0.0101 -:0.8029 it:0.0476 them:0.0319 him:0.0311 that:0.0232 and:0.0174 the:0.0137 to:0.0125 us:0.0103 he:0.0093 -:0.9563 city:0.0074 world:0.0053 people:0.0051 year:0.0046 time:0.0045 ground:0.0044 same:0.0042 work:0.0042 state:0.0040 -:0.8475 to:0.0464 had:0.0183 in:0.0148 the:0.0141 he:0.0136 and:0.0129 of:0.0125 not:0.0101 have:0.0098 -:0.9178 and:0.0171 to:0.0131 be:0.0096 it:0.0085 or:0.0075 one:0.0071 is:0.0069 that:0.0068 he:0.0056 -:0.8823 and:0.0284 is:0.0219 was:0.0126 the:0.0108 he:0.0094 be:0.0093 have:0.0089 not:0.0084 are:0.0079 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -of:0.2928 :0.3686 in:0.0967 to:0.0741 and:0.0381 for:0.0339 with:0.0271 on:0.0260 from:0.0231 is:0.0196 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8881 to:0.0261 of:0.0217 in:0.0153 and:0.0152 the:0.0118 a:0.0072 for:0.0050 is:0.0049 by:0.0048 -:0.6643 to:0.0934 in:0.0750 been:0.0316 by:0.0288 on:0.0272 that:0.0236 for:0.0196 from:0.0183 of:0.0182 -:0.8823 and:0.0494 to:0.0100 as:0.0100 are:0.0088 but:0.0088 that:0.0081 is:0.0080 or:0.0076 was:0.0070 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6238 to:0.1314 they:0.0511 we:0.0483 he:0.0425 it:0.0316 and:0.0272 you:0.0226 there:0.0120 is:0.0095 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.5656 of:0.1706 to:0.0761 and:0.0754 in:0.0344 for:0.0191 at:0.0163 is:0.0151 the:0.0150 or:0.0125 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.7346 the:0.1221 and:0.0337 to:0.0233 is:0.0203 he:0.0155 as:0.0150 a:0.0129 was:0.0119 be:0.0107 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.7590 the:0.0577 is:0.0375 he:0.0266 no:0.0238 to:0.0227 a:0.0206 in:0.0186 was:0.0170 and:0.0165 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7847 is:0.0364 a:0.0305 the:0.0272 was:0.0264 and:0.0250 of:0.0218 or:0.0183 be:0.0149 to:0.0147 -the:0.4036 :0.3257 this:0.0954 a:0.0652 his:0.0340 tho:0.0200 any:0.0198 their:0.0167 some:0.0102 our:0.0094 -of:0.2654 :0.5382 to:0.0505 in:0.0439 and:0.0261 on:0.0214 for:0.0165 that:0.0142 by:0.0126 at:0.0111 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6889 the:0.0590 and:0.0584 of:0.0573 to:0.0469 a:0.0258 by:0.0212 in:0.0177 that:0.0134 for:0.0113 -:0.7207 which:0.0799 the:0.0625 that:0.0504 said:0.0206 it:0.0192 what:0.0131 this:0.0121 a:0.0118 his:0.0098 -:0.7871 the:0.0522 a:0.0447 said:0.0325 which:0.0255 that:0.0176 all:0.0108 his:0.0103 it:0.0101 what:0.0092 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8494 of:0.0521 and:0.0349 to:0.0135 in:0.0100 that:0.0093 for:0.0089 as:0.0086 the:0.0069 by:0.0065 -:0.8825 and:0.0355 fact:0.0275 of:0.0129 days:0.0086 opinion:0.0085 time:0.0076 years:0.0066 said:0.0054 but:0.0050 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9449 own:0.0165 the:0.0093 and:0.0063 of:0.0055 hundred:0.0036 wife:0.0036 day:0.0036 whole:0.0036 great:0.0032 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7716 so:0.0611 a:0.0388 the:0.0343 very:0.0216 made:0.0185 not:0.0171 too:0.0130 found:0.0127 held:0.0114 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -the:0.5180 a:0.1787 :0.1914 tho:0.0289 this:0.0172 his:0.0159 an:0.0140 their:0.0128 our:0.0124 such:0.0107 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6681 of:0.0873 in:0.0684 to:0.0351 for:0.0285 and:0.0277 with:0.0276 on:0.0222 by:0.0181 at:0.0170 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8234 the:0.0564 to:0.0234 and:0.0214 a:0.0146 that:0.0142 of:0.0140 he:0.0114 in:0.0109 be:0.0103 -the:0.3444 :0.4567 a:0.0810 this:0.0261 tho:0.0232 said:0.0172 his:0.0151 our:0.0133 any:0.0117 her:0.0113 -:0.8619 of:0.0362 and:0.0338 to:0.0196 in:0.0135 the:0.0107 or:0.0070 a:0.0067 years:0.0056 for:0.0050 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.4753 of:0.1082 that:0.0639 in:0.0626 for:0.0587 with:0.0568 to:0.0543 as:0.0464 by:0.0403 at:0.0335 -not:0.3066 :0.6033 the:0.0231 be:0.0161 of:0.0116 that:0.0100 and:0.0084 in:0.0073 a:0.0069 to:0.0067 -:0.7375 the:0.0602 and:0.0514 to:0.0397 of:0.0351 in:0.0232 for:0.0144 by:0.0133 a:0.0130 that:0.0121 -be:0.5201 :0.3339 he:0.0417 not:0.0251 bo:0.0216 the:0.0184 have:0.0120 a:0.0102 to:0.0099 it:0.0072 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6050 of:0.1439 to:0.0757 and:0.0639 in:0.0358 for:0.0227 that:0.0144 the:0.0137 from:0.0131 a:0.0118 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8040 it:0.0287 we:0.0252 and:0.0251 they:0.0229 he:0.0229 who:0.0194 that:0.0182 as:0.0169 which:0.0168 -:0.7844 the:0.0738 a:0.0505 and:0.0181 to:0.0178 of:0.0147 in:0.0129 that:0.0102 an:0.0096 for:0.0080 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.7937 the:0.0759 a:0.0508 he:0.0142 that:0.0134 it:0.0127 and:0.0112 not:0.0110 an:0.0090 to:0.0082 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2467 :0.3799 in:0.0844 to:0.0814 and:0.0522 on:0.0472 for:0.0419 is:0.0225 by:0.0223 at:0.0216 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.6059 of:0.1500 and:0.0538 a:0.0526 for:0.0391 to:0.0319 in:0.0208 or:0.0173 the:0.0149 that:0.0138 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.8306 that:0.0555 if:0.0319 as:0.0257 when:0.0205 then:0.0098 the:0.0080 which:0.0067 in:0.0056 for:0.0056 -:0.9015 covered:0.0206 charged:0.0125 made:0.0123 filled:0.0114 taken:0.0107 not:0.0097 held:0.0076 called:0.0074 it:0.0063 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.8751 and:0.0340 to:0.0187 was:0.0140 is:0.0133 went:0.0104 do:0.0098 be:0.0097 have:0.0076 put:0.0073 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -the:0.4930 :0.3085 a:0.0690 this:0.0289 tho:0.0286 his:0.0208 our:0.0158 their:0.0135 one:0.0112 tbe:0.0106 -:0.6816 of:0.1154 to:0.0589 and:0.0341 the:0.0304 for:0.0190 in:0.0168 a:0.0164 with:0.0143 on:0.0131 -:0.7090 the:0.1594 a:0.0346 to:0.0175 that:0.0151 and:0.0150 of:0.0129 it:0.0129 his:0.0123 in:0.0112 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9274 the:0.0163 and:0.0112 a:0.0111 he:0.0075 be:0.0060 to:0.0054 is:0.0052 that:0.0051 which:0.0048 -be:0.2747 :0.5648 the:0.0456 not:0.0267 he:0.0181 a:0.0178 to:0.0156 bo:0.0148 have:0.0121 it:0.0099 -the:0.5303 :0.3294 a:0.0473 tho:0.0237 his:0.0176 be:0.0169 this:0.0099 their:0.0099 our:0.0076 tbe:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8460 time:0.0542 way:0.0303 year:0.0166 order:0.0109 city:0.0096 country:0.0094 is:0.0090 right:0.0071 subject:0.0070 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8604 all:0.0457 the:0.0244 that:0.0233 which:0.0133 in:0.0110 said:0.0063 at:0.0063 of:0.0047 to:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7154 the:0.0874 was:0.0378 and:0.0329 is:0.0310 be:0.0261 has:0.0198 a:0.0182 are:0.0166 have:0.0146 -the:0.3571 a:0.1653 his:0.0485 tho:0.0424 their:0.0391 its:0.0385 this:0.0295 :0.2499 our:0.0164 an:0.0132 -of:0.0782 :0.7767 and:0.0312 to:0.0289 in:0.0199 for:0.0185 from:0.0136 is:0.0114 at:0.0110 was:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7067 had:0.0609 was:0.0601 is:0.0403 has:0.0325 would:0.0300 will:0.0217 could:0.0217 are:0.0146 in:0.0115 -:0.6328 to:0.0928 of:0.0629 the:0.0596 and:0.0402 in:0.0399 for:0.0214 that:0.0194 a:0.0159 by:0.0151 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -to:0.2837 :0.4903 and:0.0519 a:0.0285 who:0.0274 will:0.0274 the:0.0265 was:0.0240 would:0.0232 of:0.0170 -:0.8814 as:0.0205 and:0.0165 that:0.0140 is:0.0130 had:0.0127 made:0.0116 in:0.0109 not:0.0098 at:0.0097 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.8900 of:0.0204 and:0.0167 the:0.0122 is:0.0122 to:0.0112 in:0.0111 was:0.0099 a:0.0091 for:0.0071 -:0.8766 in:0.0266 of:0.0195 and:0.0146 for:0.0125 from:0.0109 to:0.0109 with:0.0108 that:0.0094 on:0.0082 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8431 it:0.0285 to:0.0275 he:0.0187 the:0.0155 that:0.0149 and:0.0140 you:0.0133 be:0.0131 we:0.0114 -to:0.3434 :0.3910 in:0.0859 of:0.0550 for:0.0327 by:0.0272 and:0.0263 with:0.0172 at:0.0114 from:0.0099 -:0.7844 the:0.0738 a:0.0505 and:0.0181 to:0.0178 of:0.0147 in:0.0129 that:0.0102 an:0.0096 for:0.0080 -:0.6444 and:0.0757 to:0.0746 of:0.0610 in:0.0358 the:0.0358 that:0.0299 for:0.0208 as:0.0114 on:0.0106 -of:0.2474 :0.4985 in:0.0831 for:0.0426 to:0.0317 and:0.0219 by:0.0213 with:0.0194 on:0.0172 that:0.0168 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.5752 the:0.3086 a:0.0396 his:0.0176 tho:0.0153 this:0.0137 their:0.0086 it:0.0078 our:0.0070 an:0.0065 -:0.7538 the:0.0652 and:0.0381 to:0.0287 of:0.0231 a:0.0225 that:0.0194 he:0.0183 it:0.0180 in:0.0129 -it:0.3146 :0.4748 he:0.0564 there:0.0526 which:0.0279 the:0.0233 that:0.0165 what:0.0130 this:0.0110 she:0.0100 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9192 and:0.0178 of:0.0173 the:0.0118 to:0.0091 in:0.0070 that:0.0068 for:0.0040 a:0.0036 at:0.0035 -:0.6880 to:0.0958 and:0.0663 of:0.0578 the:0.0218 in:0.0215 was:0.0152 for:0.0124 or:0.0111 that:0.0101 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8680 only:0.0251 come:0.0251 go:0.0176 hesitate:0.0152 want:0.0115 likely:0.0110 apply:0.0103 as:0.0082 have:0.0081 -:0.7396 of:0.0872 and:0.0502 in:0.0264 the:0.0261 to:0.0195 for:0.0137 is:0.0135 at:0.0120 or:0.0117 -:0.7548 been:0.0950 the:0.0487 a:0.0266 to:0.0220 and:0.0162 of:0.0120 be:0.0103 in:0.0095 that:0.0049 -:0.9650 and:0.0111 in:0.0049 had:0.0032 as:0.0030 years:0.0027 are:0.0026 of:0.0026 made:0.0024 that:0.0024 -:0.6822 had:0.0826 was:0.0653 has:0.0446 would:0.0388 is:0.0318 will:0.0193 could:0.0174 and:0.0092 be:0.0086 -:0.8704 to:0.0546 and:0.0128 that:0.0121 of:0.0107 the:0.0094 or:0.0083 cent:0.0083 in:0.0068 a:0.0067 -:0.6640 be:0.2212 have:0.0473 to:0.0147 bo:0.0110 and:0.0102 the:0.0092 are:0.0077 of:0.0076 in:0.0072 -:0.6065 the:0.1432 to:0.0669 a:0.0549 of:0.0548 and:0.0312 his:0.0115 this:0.0111 said:0.0100 in:0.0099 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.7306 of:0.0911 and:0.0672 to:0.0515 hundred:0.0149 or:0.0132 days:0.0094 years:0.0091 with:0.0069 will:0.0060 -:0.9109 as:0.0172 and:0.0161 it:0.0089 him:0.0086 up:0.0084 them:0.0078 not:0.0078 made:0.0072 down:0.0072 -:0.9317 up:0.0103 it:0.0098 to:0.0092 him:0.0091 and:0.0078 the:0.0061 in:0.0059 out:0.0051 them:0.0048 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9378 and:0.0167 to:0.0131 him:0.0063 time:0.0053 one:0.0049 up:0.0046 that:0.0038 out:0.0038 but:0.0037 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.7383 to:0.0729 the:0.0585 and:0.0275 in:0.0239 of:0.0202 that:0.0191 by:0.0159 a:0.0138 it:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9210 chance:0.0117 visit:0.0108 right:0.0097 time:0.0090 desire:0.0088 year:0.0081 man:0.0073 letter:0.0069 return:0.0067 -the:0.4679 :0.3984 a:0.0416 this:0.0170 tho:0.0159 his:0.0154 least:0.0119 its:0.0116 other:0.0109 their:0.0094 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.5885 the:0.1395 he:0.0847 a:0.0681 it:0.0311 they:0.0285 we:0.0169 this:0.0154 is:0.0138 she:0.0135 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7625 be:0.0800 the:0.0740 a:0.0256 take:0.0148 give:0.0134 get:0.0083 bo:0.0083 his:0.0069 pay:0.0062 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.4826 of:0.1094 in:0.0913 to:0.0837 for:0.0502 by:0.0429 from:0.0406 and:0.0364 on:0.0352 with:0.0275 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9142 was:0.0160 is:0.0119 he:0.0109 then:0.0090 be:0.0090 to:0.0090 the:0.0077 it:0.0064 who:0.0058 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6242 of:0.1384 and:0.0926 to:0.0382 for:0.0290 that:0.0229 with:0.0181 in:0.0137 by:0.0116 is:0.0115 -:0.9176 other:0.0174 said:0.0122 same:0.0093 a:0.0076 first:0.0076 most:0.0075 last:0.0073 best:0.0068 public:0.0067 -:0.7382 of:0.0774 and:0.0715 to:0.0365 the:0.0212 in:0.0174 for:0.0102 as:0.0095 or:0.0091 that:0.0090 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.9550 time:0.0083 and:0.0074 day:0.0060 in:0.0052 it:0.0043 up:0.0041 him:0.0035 to:0.0033 that:0.0030 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7607 and:0.0613 to:0.0437 is:0.0341 of:0.0269 was:0.0217 who:0.0173 that:0.0125 he:0.0122 in:0.0095 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5502 to:0.1008 in:0.0891 of:0.0687 by:0.0403 at:0.0348 on:0.0342 for:0.0309 with:0.0270 that:0.0240 -:0.8441 made:0.0300 paid:0.0236 sold:0.0203 used:0.0180 given:0.0142 found:0.0136 held:0.0132 ready:0.0118 required:0.0113 -:0.8152 and:0.0499 of:0.0334 the:0.0325 to:0.0205 for:0.0108 that:0.0107 in:0.0105 a:0.0088 as:0.0077 -the:0.2940 :0.5781 a:0.0400 his:0.0203 tho:0.0157 it:0.0122 an:0.0108 their:0.0102 this:0.0094 all:0.0092 -:0.7329 the:0.1105 and:0.0491 to:0.0382 a:0.0196 of:0.0152 this:0.0143 that:0.0076 as:0.0063 his:0.0062 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7951 to:0.0421 the:0.0381 is:0.0295 and:0.0275 was:0.0184 of:0.0149 a:0.0125 or:0.0118 be:0.0101 -:0.6196 it:0.1940 there:0.0584 he:0.0330 that:0.0295 which:0.0288 and:0.0122 she:0.0095 what:0.0081 who:0.0069 -:0.9109 man:0.0191 that:0.0173 time:0.0114 as:0.0098 good:0.0073 case:0.0063 moment:0.0062 day:0.0060 matter:0.0057 -:0.7205 the:0.0745 a:0.0437 to:0.0415 and:0.0275 of:0.0270 in:0.0240 that:0.0158 for:0.0130 by:0.0125 -:0.9660 time:0.0078 said:0.0051 above:0.0038 following:0.0038 and:0.0034 country:0.0027 way:0.0025 year:0.0025 same:0.0024 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -be:0.1446 :0.7185 the:0.0292 say:0.0187 give:0.0177 do:0.0161 get:0.0159 make:0.0145 have:0.0130 bo:0.0118 -:0.7427 the:0.1054 a:0.0332 and:0.0200 of:0.0198 to:0.0197 that:0.0182 in:0.0155 for:0.0138 by:0.0118 -:0.7548 it:0.0493 he:0.0400 they:0.0338 there:0.0336 we:0.0281 that:0.0225 you:0.0154 which:0.0128 she:0.0097 -:0.7141 in:0.0744 to:0.0439 of:0.0427 on:0.0276 for:0.0240 made:0.0208 that:0.0186 at:0.0172 by:0.0168 -:0.8827 a:0.0238 the:0.0201 of:0.0182 and:0.0155 to:0.0113 in:0.0106 for:0.0071 by:0.0056 at:0.0051 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5289 of:0.1472 to:0.0899 and:0.0779 in:0.0479 at:0.0243 for:0.0227 by:0.0224 the:0.0216 on:0.0172 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7108 and:0.0804 to:0.0494 is:0.0357 of:0.0311 that:0.0255 as:0.0204 but:0.0172 was:0.0152 not:0.0143 -:0.4666 of:0.1286 to:0.1066 in:0.0896 that:0.0574 by:0.0403 for:0.0336 on:0.0273 at:0.0258 and:0.0241 -:0.8024 of:0.0584 a:0.0360 and:0.0329 the:0.0228 or:0.0117 is:0.0100 are:0.0098 that:0.0093 for:0.0067 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.6850 they:0.0837 we:0.0609 he:0.0365 it:0.0297 and:0.0279 who:0.0237 that:0.0209 as:0.0159 there:0.0156 -:0.5753 the:0.2461 a:0.0700 to:0.0180 tho:0.0173 an:0.0158 that:0.0155 and:0.0150 of:0.0142 his:0.0128 -:0.7904 and:0.0578 of:0.0308 in:0.0232 to:0.0183 is:0.0177 for:0.0171 that:0.0156 as:0.0148 by:0.0143 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3396 any:0.1438 :0.3755 a:0.0634 all:0.0211 tho:0.0124 each:0.0123 his:0.0114 its:0.0108 some:0.0096 -:0.7252 to:0.0774 in:0.0377 for:0.0285 with:0.0269 that:0.0248 as:0.0236 such:0.0200 if:0.0180 by:0.0179 -:0.8566 much:0.0477 as:0.0303 far:0.0184 it:0.0131 well:0.0088 is:0.0072 ready:0.0063 that:0.0059 not:0.0057 -:0.8076 the:0.0469 and:0.0311 to:0.0291 of:0.0226 was:0.0140 a:0.0140 is:0.0121 be:0.0116 in:0.0110 -the:0.2650 :0.5787 a:0.0462 per:0.0275 this:0.0180 tho:0.0160 be:0.0134 is:0.0123 his:0.0116 was:0.0114 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.4037 :0.3371 a:0.1243 his:0.0372 their:0.0227 this:0.0217 tho:0.0166 our:0.0132 its:0.0122 an:0.0113 -:0.8364 come:0.0308 been:0.0233 failed:0.0229 made:0.0179 gone:0.0162 taken:0.0148 able:0.0144 them:0.0120 not:0.0112 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3201 :0.5485 a:0.0443 of:0.0205 and:0.0185 to:0.0121 tho:0.0108 an:0.0097 his:0.0080 in:0.0076 -:0.7118 to:0.0820 not:0.0451 and:0.0442 of:0.0272 be:0.0236 as:0.0208 in:0.0207 the:0.0140 or:0.0107 -:0.9697 the:0.0048 have:0.0048 a:0.0041 and:0.0035 be:0.0032 is:0.0029 do:0.0025 of:0.0023 had:0.0022 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.3711 :0.5082 a:0.0449 his:0.0141 tho:0.0135 to:0.0111 this:0.0102 an:0.0090 said:0.0090 tbe:0.0089 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.5302 the:0.2080 of:0.1108 in:0.0366 a:0.0346 and:0.0340 for:0.0125 at:0.0113 is:0.0112 by:0.0107 -:0.8433 and:0.0347 to:0.0300 of:0.0298 in:0.0145 the:0.0121 that:0.0103 for:0.0098 from:0.0083 or:0.0071 -:0.7595 the:0.0698 and:0.0361 of:0.0302 a:0.0248 to:0.0226 in:0.0219 that:0.0135 for:0.0114 is:0.0102 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.8512 of:0.0403 and:0.0229 the:0.0203 in:0.0162 to:0.0142 is:0.0105 a:0.0087 are:0.0081 by:0.0075 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.5019 :0.2688 a:0.0882 tho:0.0503 his:0.0212 this:0.0210 our:0.0160 their:0.0135 tbe:0.0104 its:0.0088 -:0.6295 a:0.2109 the:0.0893 an:0.0146 and:0.0144 of:0.0091 to:0.0086 his:0.0082 said:0.0079 this:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7456 order:0.0892 regard:0.0760 addition:0.0259 relation:0.0160 reference:0.0117 said:0.0102 him:0.0096 them:0.0083 view:0.0076 -:0.8878 out:0.0305 line:0.0182 and:0.0131 part:0.0120 one:0.0098 number:0.0098 to:0.0080 side:0.0058 that:0.0049 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6850 to:0.0988 a:0.0714 the:0.0479 he:0.0224 it:0.0183 well:0.0176 and:0.0175 an:0.0108 much:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 the:0.1999 a:0.0301 this:0.0149 that:0.0147 his:0.0140 as:0.0130 other:0.0125 its:0.0103 so:0.0088 -:0.7546 to:0.1068 and:0.0392 who:0.0213 will:0.0203 we:0.0131 would:0.0117 he:0.0112 it:0.0111 they:0.0106 -:0.8175 of:0.0609 and:0.0275 in:0.0187 with:0.0157 that:0.0137 is:0.0127 the:0.0127 for:0.0117 was:0.0089 -:0.8424 the:0.0301 to:0.0226 in:0.0223 and:0.0197 of:0.0180 that:0.0139 a:0.0116 by:0.0097 at:0.0096 -:0.6286 the:0.1786 a:0.0859 of:0.0245 his:0.0197 and:0.0180 is:0.0121 to:0.0118 this:0.0116 tho:0.0093 -:0.9070 and:0.0210 is:0.0128 to:0.0120 of:0.0111 as:0.0104 are:0.0075 will:0.0067 in:0.0063 or:0.0054 -:0.8845 and:0.0256 is:0.0160 years:0.0126 according:0.0120 or:0.0115 as:0.0102 of:0.0101 up:0.0100 months:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6038 of:0.1111 in:0.0612 the:0.0562 at:0.0335 for:0.0316 to:0.0312 by:0.0251 a:0.0234 and:0.0228 -:0.6667 the:0.1996 to:0.0335 a:0.0263 in:0.0230 his:0.0130 and:0.0113 of:0.0092 no:0.0087 by:0.0087 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -of:0.2156 to:0.1158 :0.3683 in:0.0840 for:0.0535 on:0.0430 from:0.0319 with:0.0304 by:0.0290 and:0.0285 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -not:0.0498 now:0.0134 always:0.0101 soon:0.0081 never:0.0079 hereby:0.0076 ever:0.0062 often:0.0058 well:0.0058 based:0.0058 -:0.7720 as:0.0620 of:0.0427 and:0.0405 that:0.0242 but:0.0190 where:0.0118 for:0.0106 in:0.0088 to:0.0085 -:0.6889 was:0.0526 is:0.0440 be:0.0428 have:0.0352 has:0.0328 the:0.0319 and:0.0317 had:0.0250 are:0.0151 -:0.9721 and:0.0054 it:0.0040 years:0.0036 in:0.0035 home:0.0025 the:0.0024 men:0.0023 him:0.0021 that:0.0020 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -the:0.2571 :0.5422 a:0.0487 of:0.0436 and:0.0353 in:0.0218 to:0.0194 is:0.0123 was:0.0101 for:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7691 the:0.0578 and:0.0299 a:0.0296 is:0.0249 of:0.0237 to:0.0231 was:0.0173 be:0.0136 he:0.0110 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -the:0.1124 be:0.0878 :0.6640 a:0.0405 he:0.0281 per:0.0171 was:0.0152 and:0.0137 his:0.0106 tho:0.0106 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8355 of:0.0544 and:0.0472 to:0.0157 in:0.0111 time:0.0104 or:0.0080 that:0.0061 the:0.0058 by:0.0058 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -of:0.1885 :0.5224 in:0.0680 for:0.0509 to:0.0336 with:0.0305 by:0.0296 and:0.0262 that:0.0260 from:0.0243 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7928 the:0.0856 a:0.0289 of:0.0239 and:0.0179 to:0.0154 in:0.0138 that:0.0078 by:0.0075 at:0.0063 -:0.5976 been:0.2206 not:0.0798 the:0.0202 to:0.0196 never:0.0152 no:0.0136 a:0.0118 he:0.0109 always:0.0107 -:0.7882 and:0.0402 of:0.0391 to:0.0363 the:0.0264 in:0.0232 by:0.0137 that:0.0126 for:0.0104 at:0.0098 -:0.7844 the:0.0738 a:0.0505 and:0.0181 to:0.0178 of:0.0147 in:0.0129 that:0.0102 an:0.0096 for:0.0080 -:0.7947 of:0.0621 and:0.0510 to:0.0190 the:0.0153 in:0.0138 is:0.0129 for:0.0111 with:0.0103 that:0.0096 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -:0.8562 the:0.0426 and:0.0214 a:0.0179 is:0.0166 was:0.0141 of:0.0094 be:0.0084 said:0.0075 to:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2533 :0.4566 to:0.0796 and:0.0558 the:0.0333 in:0.0317 that:0.0305 for:0.0255 a:0.0176 with:0.0160 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8164 and:0.0554 the:0.0360 of:0.0267 to:0.0177 in:0.0144 for:0.0098 that:0.0095 from:0.0075 a:0.0065 -:0.9114 and:0.0259 the:0.0127 it:0.0106 one:0.0072 is:0.0072 was:0.0066 who:0.0065 that:0.0064 as:0.0055 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.7053 of:0.0765 and:0.0552 in:0.0372 for:0.0305 that:0.0276 to:0.0266 with:0.0153 from:0.0137 on:0.0121 -:0.8234 the:0.0564 to:0.0234 and:0.0214 a:0.0146 that:0.0142 of:0.0140 he:0.0114 in:0.0109 be:0.0103 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8885 to:0.0358 and:0.0202 we:0.0111 as:0.0101 they:0.0082 who:0.0078 will:0.0073 more:0.0059 you:0.0050 -:0.7602 the:0.0730 and:0.0481 of:0.0346 to:0.0232 a:0.0185 in:0.0123 or:0.0105 is:0.0105 was:0.0091 -:0.5550 to:0.1820 and:0.0622 the:0.0612 of:0.0448 that:0.0229 a:0.0206 who:0.0204 which:0.0159 or:0.0151 -:0.7988 of:0.0657 and:0.0340 the:0.0185 to:0.0177 in:0.0144 for:0.0140 a:0.0134 by:0.0134 with:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.0775 in:0.0557 on:0.0333 :0.7107 for:0.0231 from:0.0219 with:0.0216 at:0.0196 upon:0.0190 by:0.0175 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -have:0.1430 had:0.1219 :0.4141 be:0.0656 was:0.0589 has:0.0559 is:0.0459 are:0.0457 were:0.0296 will:0.0193 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.6230 is:0.1066 are:0.0708 was:0.0685 the:0.0334 were:0.0327 and:0.0205 will:0.0169 of:0.0141 to:0.0134 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6333 the:0.2734 a:0.0317 this:0.0138 tho:0.0092 one:0.0083 their:0.0081 his:0.0076 all:0.0074 to:0.0073 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9473 same:0.0143 world:0.0068 city:0.0067 country:0.0048 year:0.0047 long:0.0041 law:0.0041 government:0.0038 time:0.0032 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9267 day:0.0133 out:0.0124 and:0.0121 line:0.0068 that:0.0066 instead:0.0059 number:0.0058 corner:0.0052 one:0.0052 -:0.7981 in:0.0381 as:0.0338 to:0.0227 with:0.0213 for:0.0207 by:0.0184 at:0.0163 such:0.0162 of:0.0144 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -be:0.3979 :0.4490 have:0.0454 bo:0.0240 the:0.0237 not:0.0195 take:0.0115 give:0.0099 to:0.0095 he:0.0094 -:0.4933 of:0.2273 to:0.0667 in:0.0565 and:0.0400 for:0.0316 from:0.0253 on:0.0214 by:0.0206 with:0.0173 -:0.8330 to:0.0324 and:0.0304 the:0.0210 will:0.0192 is:0.0181 was:0.0141 would:0.0118 are:0.0106 he:0.0093 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -in:0.1904 :0.4257 of:0.1181 to:0.0527 for:0.0522 at:0.0417 by:0.0395 on:0.0347 from:0.0228 that:0.0222 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6225 as:0.0865 and:0.0646 of:0.0511 that:0.0467 but:0.0416 for:0.0260 when:0.0255 to:0.0188 where:0.0167 -the:0.1906 :0.6941 a:0.0304 and:0.0189 of:0.0174 tho:0.0120 this:0.0119 is:0.0085 his:0.0082 was:0.0082 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8895 the:0.0295 and:0.0164 of:0.0158 a:0.0129 that:0.0086 in:0.0085 for:0.0064 is:0.0063 to:0.0062 -:0.7020 the:0.2041 a:0.0332 tho:0.0111 this:0.0102 tbe:0.0087 his:0.0083 said:0.0078 it:0.0074 their:0.0072 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8559 time:0.0430 country:0.0243 way:0.0160 matter:0.0134 year:0.0123 city:0.0114 morning:0.0095 day:0.0072 act:0.0070 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.8039 come:0.0445 been:0.0433 gone:0.0247 taken:0.0190 passed:0.0159 put:0.0132 it:0.0121 to:0.0120 made:0.0115 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7697 of:0.0752 and:0.0463 to:0.0389 the:0.0160 that:0.0149 in:0.0131 or:0.0089 for:0.0089 as:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7180 of:0.1178 and:0.0505 to:0.0296 is:0.0191 in:0.0153 or:0.0147 the:0.0145 was:0.0120 for:0.0085 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8002 of:0.0827 and:0.0418 to:0.0209 in:0.0138 the:0.0105 for:0.0093 or:0.0074 on:0.0070 that:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7833 be:0.0528 the:0.0486 make:0.0275 have:0.0266 take:0.0187 get:0.0140 see:0.0096 keep:0.0095 give:0.0094 -:0.7553 and:0.0479 is:0.0335 to:0.0333 was:0.0289 the:0.0255 he:0.0254 it:0.0176 of:0.0167 that:0.0160 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6150 that:0.1122 of:0.0686 and:0.0521 as:0.0444 when:0.0377 but:0.0249 where:0.0167 for:0.0153 in:0.0131 -to:0.1963 of:0.1328 in:0.1093 :0.3358 for:0.0479 from:0.0436 by:0.0414 on:0.0388 with:0.0328 at:0.0213 -:0.8604 made:0.0474 taken:0.0134 held:0.0130 done:0.0118 followed:0.0115 found:0.0115 not:0.0114 given:0.0107 born:0.0090 -:0.6495 been:0.1347 not:0.0623 to:0.0504 a:0.0293 the:0.0222 and:0.0151 so:0.0141 seen:0.0119 no:0.0105 -:0.8412 of:0.0494 and:0.0331 the:0.0162 in:0.0142 that:0.0123 to:0.0116 or:0.0078 a:0.0074 for:0.0068 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.6295 of:0.1598 and:0.0525 to:0.0459 who:0.0374 in:0.0256 is:0.0153 was:0.0139 are:0.0101 or:0.0100 -:0.7375 it:0.0590 which:0.0555 that:0.0485 he:0.0248 and:0.0193 there:0.0174 you:0.0130 they:0.0127 as:0.0123 -:0.7898 are:0.0343 have:0.0306 the:0.0299 a:0.0255 and:0.0218 to:0.0193 of:0.0192 will:0.0164 in:0.0130 -:0.9542 time:0.0078 people:0.0071 best:0.0070 said:0.0046 same:0.0042 city:0.0042 most:0.0037 world:0.0036 first:0.0036 -:0.8900 the:0.0381 a:0.0289 old:0.0128 said:0.0060 this:0.0056 hour:0.0055 and:0.0054 is:0.0040 own:0.0036 -:0.6343 of:0.1712 and:0.0577 to:0.0380 in:0.0298 for:0.0186 from:0.0151 the:0.0140 by:0.0111 with:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7471 it:0.0687 he:0.0685 there:0.0499 she:0.0191 that:0.0134 which:0.0098 then:0.0092 who:0.0077 ho:0.0066 -:0.6444 of:0.1200 and:0.0532 the:0.0492 to:0.0460 in:0.0207 or:0.0194 for:0.0186 by:0.0147 that:0.0138 -:0.4901 of:0.1368 to:0.0812 in:0.0776 that:0.0511 for:0.0506 on:0.0338 by:0.0293 from:0.0258 at:0.0237 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2987 :0.4439 a:0.1158 and:0.0315 to:0.0289 this:0.0192 his:0.0180 their:0.0173 by:0.0150 that:0.0117 -:0.7543 the:0.0817 a:0.0331 of:0.0306 and:0.0296 to:0.0202 is:0.0170 was:0.0124 in:0.0111 are:0.0100 -:0.6011 the:0.1043 of:0.0804 to:0.0511 a:0.0399 in:0.0391 at:0.0258 and:0.0224 or:0.0215 by:0.0143 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.6938 be:0.0745 say:0.0606 find:0.0425 know:0.0282 see:0.0263 show:0.0226 think:0.0212 get:0.0159 have:0.0145 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8161 the:0.0879 a:0.0325 to:0.0147 and:0.0133 in:0.0086 he:0.0071 it:0.0070 that:0.0067 was:0.0061 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8402 the:0.0504 is:0.0245 a:0.0165 all:0.0156 was:0.0130 it:0.0122 are:0.0107 to:0.0097 he:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7801 the:0.0570 that:0.0336 of:0.0330 and:0.0305 which:0.0216 to:0.0140 in:0.0103 for:0.0101 as:0.0098 -:0.7645 and:0.0516 was:0.0352 is:0.0342 to:0.0276 of:0.0272 in:0.0206 be:0.0160 have:0.0128 had:0.0104 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9595 it:0.0089 that:0.0056 the:0.0049 covered:0.0049 together:0.0039 filled:0.0033 there:0.0032 provided:0.0029 connected:0.0029 -:0.8759 of:0.0504 and:0.0247 the:0.0110 as:0.0081 in:0.0079 or:0.0062 for:0.0055 is:0.0055 way:0.0050 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7099 the:0.1746 a:0.0296 be:0.0210 his:0.0203 this:0.0105 tho:0.0093 her:0.0091 pay:0.0081 their:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9411 time:0.0093 way:0.0076 and:0.0070 day:0.0066 right:0.0065 them:0.0060 power:0.0058 him:0.0053 efforts:0.0049 -:0.8474 the:0.0561 and:0.0284 to:0.0168 of:0.0114 that:0.0095 in:0.0087 he:0.0075 this:0.0074 a:0.0069 -in:0.1950 :0.4300 of:0.1320 for:0.0575 on:0.0419 to:0.0403 at:0.0312 by:0.0256 that:0.0242 from:0.0225 -:0.8377 and:0.0501 the:0.0246 a:0.0158 is:0.0149 was:0.0126 of:0.0123 he:0.0120 to:0.0113 are:0.0087 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6634 and:0.1012 of:0.0571 as:0.0346 is:0.0282 with:0.0278 to:0.0268 but:0.0225 for:0.0194 than:0.0189 -:0.5499 the:0.2793 be:0.0635 a:0.0456 his:0.0215 tho:0.0127 their:0.0095 take:0.0065 to:0.0058 her:0.0057 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -to:0.1631 :0.4865 of:0.1167 in:0.0745 and:0.0408 for:0.0290 by:0.0249 with:0.0236 the:0.0213 at:0.0198 -:0.9441 is:0.0096 was:0.0094 and:0.0091 had:0.0062 are:0.0047 would:0.0045 or:0.0043 to:0.0041 has:0.0039 -:0.8818 and:0.0288 to:0.0259 be:0.0135 is:0.0124 it:0.0116 was:0.0081 him:0.0064 them:0.0059 he:0.0056 -of:0.3007 :0.5061 and:0.0899 in:0.0236 to:0.0222 is:0.0140 for:0.0131 or:0.0129 was:0.0089 on:0.0086 -:0.7929 of:0.0467 the:0.0456 and:0.0303 to:0.0214 in:0.0183 that:0.0154 by:0.0103 a:0.0100 at:0.0090 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8369 of:0.0541 years:0.0244 and:0.0236 the:0.0153 or:0.0108 that:0.0106 days:0.0087 hundred:0.0083 to:0.0072 -:0.7478 the:0.0940 and:0.0448 to:0.0311 in:0.0161 of:0.0154 is:0.0143 a:0.0138 that:0.0121 it:0.0107 -:0.7382 it:0.1123 there:0.0702 he:0.0291 that:0.0159 which:0.0098 she:0.0076 who:0.0062 what:0.0057 the:0.0051 -:0.8712 those:0.0410 men:0.0222 one:0.0141 and:0.0101 he:0.0097 the:0.0084 that:0.0084 all:0.0080 it:0.0068 -:0.8230 they:0.0292 and:0.0288 that:0.0241 as:0.0198 who:0.0183 we:0.0169 there:0.0135 it:0.0133 to:0.0130 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7864 is:0.0534 and:0.0351 are:0.0292 was:0.0259 to:0.0211 will:0.0135 who:0.0126 were:0.0123 has:0.0105 -:0.6303 of:0.1170 and:0.0458 for:0.0386 as:0.0360 in:0.0326 is:0.0323 to:0.0240 with:0.0218 was:0.0216 -:0.7510 and:0.0935 of:0.0590 to:0.0215 in:0.0165 that:0.0144 for:0.0122 from:0.0118 is:0.0103 as:0.0098 -:0.7625 the:0.1018 a:0.0396 that:0.0175 and:0.0174 to:0.0164 in:0.0135 of:0.0134 it:0.0095 an:0.0085 -:0.9258 and:0.0231 to:0.0117 went:0.0064 that:0.0064 it:0.0062 came:0.0055 is:0.0053 as:0.0049 which:0.0047 -:0.9392 way:0.0104 life:0.0083 home:0.0068 property:0.0066 hand:0.0065 own:0.0062 friends:0.0061 office:0.0051 country:0.0047 -:0.9563 city:0.0074 world:0.0053 people:0.0051 year:0.0046 time:0.0045 ground:0.0044 same:0.0042 work:0.0042 state:0.0040 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -of:0.2145 in:0.1534 :0.3311 to:0.0778 on:0.0447 for:0.0426 by:0.0396 at:0.0345 from:0.0335 with:0.0284 -:0.5333 of:0.2173 and:0.0850 to:0.0460 the:0.0286 in:0.0248 who:0.0197 with:0.0152 for:0.0150 or:0.0149 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8137 the:0.0341 and:0.0318 to:0.0317 of:0.0218 was:0.0161 in:0.0146 is:0.0129 that:0.0124 a:0.0111 -:0.8971 one:0.0267 part:0.0197 line:0.0158 day:0.0130 side:0.0077 time:0.0054 kind:0.0053 portion:0.0047 number:0.0047 -:0.8188 and:0.0431 to:0.0287 of:0.0245 the:0.0224 in:0.0147 a:0.0138 is:0.0131 for:0.0108 was:0.0102 -:0.7661 and:0.0639 the:0.0559 to:0.0244 was:0.0217 of:0.0181 is:0.0180 are:0.0110 at:0.0109 in:0.0099 -:0.5729 of:0.1596 the:0.0599 to:0.0528 in:0.0511 and:0.0419 by:0.0187 for:0.0166 with:0.0149 on:0.0118 -was:0.1576 :0.4712 had:0.1033 has:0.0886 is:0.0576 would:0.0474 will:0.0239 could:0.0225 be:0.0167 have:0.0112 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.4498 :0.3549 a:0.0420 his:0.0412 tho:0.0265 their:0.0236 this:0.0218 said:0.0140 our:0.0136 its:0.0126 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.9093 one:0.0287 out:0.0135 all:0.0120 some:0.0077 that:0.0067 and:0.0063 day:0.0056 those:0.0051 it:0.0051 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7014 the:0.1153 a:0.0430 to:0.0340 of:0.0315 and:0.0225 in:0.0185 is:0.0121 was:0.0110 his:0.0107 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -the:0.5280 :0.2483 a:0.0597 his:0.0386 this:0.0370 tho:0.0272 our:0.0206 their:0.0159 said:0.0149 any:0.0099 -:0.8164 and:0.0554 the:0.0360 of:0.0267 to:0.0177 in:0.0144 for:0.0098 that:0.0095 from:0.0075 a:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7743 the:0.0586 and:0.0365 was:0.0265 is:0.0263 not:0.0251 of:0.0160 be:0.0140 have:0.0116 has:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8408 the:0.0587 old:0.0289 a:0.0173 said:0.0111 first:0.0108 hour:0.0093 this:0.0092 other:0.0075 own:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5423 to:0.1625 the:0.0902 a:0.0479 of:0.0352 and:0.0296 by:0.0272 for:0.0268 at:0.0195 that:0.0189 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.7986 of:0.0348 and:0.0339 to:0.0322 the:0.0261 is:0.0180 was:0.0163 in:0.0146 a:0.0140 for:0.0116 -:0.7720 of:0.0599 and:0.0528 to:0.0283 is:0.0197 for:0.0169 in:0.0163 as:0.0121 was:0.0110 or:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.8640 the:0.0284 and:0.0228 to:0.0185 of:0.0149 a:0.0113 not:0.0109 have:0.0109 in:0.0099 that:0.0084 -:0.8428 so:0.0373 not:0.0233 said:0.0158 given:0.0143 believed:0.0142 true:0.0137 now:0.0134 declared:0.0127 understood:0.0126 -:0.7845 and:0.0522 of:0.0482 to:0.0335 was:0.0192 is:0.0170 in:0.0143 for:0.0119 has:0.0098 had:0.0095 -the:0.3658 :0.5102 a:0.0425 this:0.0286 and:0.0106 of:0.0100 his:0.0096 tho:0.0095 said:0.0067 their:0.0065 -:0.8465 and:0.0323 the:0.0304 of:0.0241 to:0.0145 a:0.0144 in:0.0123 he:0.0094 that:0.0091 it:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9013 line:0.0256 side:0.0143 day:0.0106 and:0.0098 out:0.0095 amount:0.0090 part:0.0070 one:0.0065 number:0.0062 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.6426 of:0.1100 to:0.0772 and:0.0646 the:0.0284 in:0.0280 for:0.0139 with:0.0133 or:0.0117 is:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.8721 and:0.0396 the:0.0191 that:0.0124 of:0.0122 to:0.0109 is:0.0103 was:0.0088 in:0.0081 or:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9438 out:0.0124 line:0.0092 and:0.0075 side:0.0061 one:0.0059 years:0.0044 day:0.0037 part:0.0036 number:0.0033 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8293 had:0.0291 was:0.0290 is:0.0287 has:0.0239 will:0.0157 have:0.0126 are:0.0108 and:0.0106 would:0.0104 -:0.7463 of:0.0709 to:0.0534 in:0.0357 and:0.0318 by:0.0148 for:0.0140 the:0.0117 on:0.0110 that:0.0104 -:0.8480 of:0.0514 and:0.0365 the:0.0126 to:0.0124 or:0.0106 in:0.0096 for:0.0072 at:0.0059 a:0.0058 -:0.7126 be:0.1032 to:0.0307 in:0.0307 that:0.0286 make:0.0267 of:0.0212 have:0.0188 take:0.0142 all:0.0133 -:0.6772 of:0.0654 that:0.0556 and:0.0524 a:0.0433 the:0.0361 in:0.0216 for:0.0198 to:0.0148 as:0.0137 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6982 the:0.0702 of:0.0588 and:0.0563 to:0.0321 that:0.0247 in:0.0203 which:0.0136 a:0.0134 or:0.0123 -:0.8680 only:0.0251 come:0.0251 go:0.0176 hesitate:0.0152 want:0.0115 likely:0.0110 apply:0.0103 as:0.0082 have:0.0081 -:0.7146 of:0.0835 and:0.0679 to:0.0458 in:0.0217 for:0.0162 as:0.0134 is:0.0131 by:0.0122 that:0.0116 -:0.8499 that:0.0464 if:0.0239 when:0.0173 as:0.0155 in:0.0108 the:0.0105 all:0.0097 then:0.0084 which:0.0075 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7812 of:0.0772 and:0.0519 to:0.0207 time:0.0167 in:0.0156 or:0.0141 for:0.0088 at:0.0075 the:0.0065 -the:0.5086 :0.3104 a:0.0797 this:0.0265 tho:0.0189 any:0.0156 his:0.0139 their:0.0106 its:0.0090 our:0.0068 -:0.7391 of:0.0492 and:0.0418 in:0.0363 to:0.0324 that:0.0270 for:0.0232 from:0.0182 with:0.0180 on:0.0148 -:0.7952 of:0.0552 years:0.0418 or:0.0241 hundred:0.0209 and:0.0208 days:0.0154 weeks:0.0105 months:0.0089 the:0.0072 -:0.7832 the:0.0630 of:0.0366 and:0.0249 a:0.0243 in:0.0188 to:0.0164 is:0.0140 that:0.0096 was:0.0092 -:0.9304 same:0.0102 most:0.0095 very:0.0085 said:0.0079 great:0.0078 the:0.0069 to:0.0067 a:0.0061 new:0.0060 -:0.8424 the:0.0301 to:0.0226 in:0.0223 and:0.0197 of:0.0180 that:0.0139 a:0.0116 by:0.0097 at:0.0096 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9169 of:0.0281 and:0.0126 little:0.0081 much:0.0064 large:0.0064 a:0.0059 the:0.0056 more:0.0051 in:0.0049 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.9258 and:0.0231 to:0.0117 went:0.0064 that:0.0064 it:0.0062 came:0.0055 is:0.0053 as:0.0049 which:0.0047 -:0.6189 to:0.1114 and:0.0816 of:0.0706 in:0.0383 for:0.0212 the:0.0166 was:0.0147 or:0.0136 on:0.0130 -:0.8345 of:0.0390 and:0.0329 the:0.0209 to:0.0200 in:0.0131 or:0.0130 a:0.0111 at:0.0080 by:0.0075 -:0.6226 to:0.1109 and:0.0730 of:0.0513 the:0.0300 is:0.0270 was:0.0244 will:0.0239 has:0.0191 had:0.0179 -:0.7589 to:0.0611 and:0.0522 of:0.0377 was:0.0220 or:0.0169 is:0.0159 as:0.0139 in:0.0121 the:0.0093 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6674 of:0.1118 to:0.0610 and:0.0579 the:0.0243 in:0.0232 a:0.0186 for:0.0136 that:0.0123 or:0.0099 -a:0.0090 :0.9706 the:0.0046 been:0.0036 an:0.0028 to:0.0024 come:0.0020 and:0.0017 they:0.0017 he:0.0016 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7734 the:0.0913 a:0.0385 and:0.0269 to:0.0216 of:0.0168 this:0.0116 his:0.0102 tho:0.0049 one:0.0049 -:0.6283 the:0.1633 of:0.0649 a:0.0463 and:0.0253 in:0.0220 for:0.0151 that:0.0127 his:0.0115 was:0.0104 -:0.9472 same:0.0098 other:0.0073 most:0.0066 city:0.0056 two:0.0050 first:0.0048 right:0.0047 people:0.0046 whole:0.0043 -:0.8448 to:0.0272 who:0.0268 and:0.0231 will:0.0231 he:0.0167 shall:0.0106 should:0.0104 of:0.0087 it:0.0085 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7709 and:0.0551 to:0.0432 as:0.0370 of:0.0233 if:0.0195 which:0.0152 that:0.0143 the:0.0118 for:0.0098 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.7374 the:0.0682 and:0.0508 to:0.0471 a:0.0285 we:0.0163 they:0.0153 he:0.0133 of:0.0125 will:0.0106 -:0.7440 well:0.0533 known:0.0443 not:0.0304 so:0.0277 soon:0.0272 just:0.0246 regarded:0.0188 now:0.0174 hereby:0.0123 -:0.8140 the:0.0390 to:0.0379 a:0.0378 and:0.0287 of:0.0111 will:0.0102 per:0.0082 was:0.0067 he:0.0064 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.4580 they:0.1753 he:0.1070 to:0.1061 we:0.0622 you:0.0250 she:0.0236 it:0.0214 will:0.0111 the:0.0103 -:0.9455 and:0.0239 of:0.0067 together:0.0054 time:0.0043 it:0.0032 than:0.0029 up:0.0028 that:0.0027 was:0.0026 -:0.9656 most:0.0057 city:0.0053 time:0.0047 said:0.0041 present:0.0034 above:0.0032 case:0.0029 same:0.0026 state:0.0025 -to:0.6893 :0.1986 will:0.0331 and:0.0191 shall:0.0152 may:0.0132 should:0.0110 would:0.0085 can:0.0061 it:0.0058 -:0.4889 in:0.1002 to:0.0963 of:0.0626 for:0.0605 that:0.0506 by:0.0438 and:0.0397 from:0.0295 at:0.0279 -:0.7372 in:0.0540 to:0.0473 of:0.0333 is:0.0279 all:0.0230 on:0.0213 for:0.0197 and:0.0191 at:0.0173 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.4306 to:0.1790 in:0.1007 of:0.0874 on:0.0475 by:0.0455 for:0.0373 at:0.0282 with:0.0239 from:0.0199 -:0.6890 the:0.1234 a:0.0821 this:0.0202 and:0.0176 last:0.0163 any:0.0153 to:0.0133 every:0.0115 one:0.0114 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.8305 the:0.0676 and:0.0271 of:0.0181 a:0.0165 in:0.0095 to:0.0094 as:0.0083 be:0.0074 he:0.0056 -:0.8918 and:0.0341 of:0.0261 to:0.0111 in:0.0085 the:0.0069 as:0.0060 for:0.0052 or:0.0052 is:0.0051 -:0.7771 the:0.0623 a:0.0330 and:0.0288 of:0.0269 to:0.0202 is:0.0165 was:0.0143 in:0.0108 for:0.0101 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8760 of:0.0352 and:0.0301 the:0.0164 to:0.0129 in:0.0070 a:0.0063 or:0.0055 is:0.0055 that:0.0050 -:0.9011 it:0.0267 and:0.0176 which:0.0133 he:0.0109 there:0.0073 who:0.0071 that:0.0065 to:0.0056 as:0.0039 -the:0.5715 :0.2442 a:0.0707 tho:0.0234 his:0.0216 said:0.0189 their:0.0164 this:0.0126 our:0.0112 tbe:0.0095 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -other:0.2288 :0.6424 one:0.0442 the:0.0277 a:0.0146 more:0.0110 and:0.0096 great:0.0075 to:0.0072 of:0.0070 -:0.6448 that:0.1242 and:0.0671 as:0.0411 if:0.0263 but:0.0250 it:0.0194 of:0.0190 when:0.0185 for:0.0145 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6250 of:0.0816 to:0.0755 and:0.0560 the:0.0471 in:0.0369 that:0.0231 a:0.0211 for:0.0190 at:0.0146 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -of:0.4006 to:0.1225 :0.2526 and:0.0750 in:0.0657 for:0.0270 with:0.0197 from:0.0147 is:0.0122 by:0.0100 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7001 in:0.0705 to:0.0507 of:0.0427 by:0.0260 on:0.0238 at:0.0237 for:0.0229 that:0.0228 from:0.0168 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.8182 of:0.0426 and:0.0349 to:0.0320 in:0.0188 for:0.0151 the:0.0107 or:0.0094 from:0.0093 with:0.0090 -the:0.5771 :0.2588 a:0.0648 tho:0.0245 his:0.0220 this:0.0175 their:0.0102 our:0.0093 tbe:0.0083 its:0.0075 -:0.7005 of:0.0856 to:0.0507 in:0.0424 that:0.0325 on:0.0221 for:0.0211 and:0.0166 at:0.0155 with:0.0129 -to:0.4453 will:0.1123 not:0.1097 :0.1924 may:0.0420 shall:0.0349 should:0.0182 can:0.0175 would:0.0156 must:0.0121 -of:0.4217 :0.3520 and:0.0730 to:0.0456 the:0.0316 in:0.0238 with:0.0166 for:0.0132 or:0.0116 by:0.0111 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7363 to:0.0704 the:0.0346 of:0.0338 in:0.0333 and:0.0322 that:0.0164 be:0.0153 by:0.0151 at:0.0125 -:0.7318 to:0.0495 of:0.0423 and:0.0384 for:0.0344 in:0.0261 with:0.0220 as:0.0199 that:0.0181 by:0.0176 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8638 and:0.0462 to:0.0170 is:0.0162 of:0.0154 was:0.0125 the:0.0117 be:0.0060 in:0.0058 for:0.0054 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.5370 of:0.2264 to:0.0755 and:0.0641 in:0.0285 by:0.0185 for:0.0163 from:0.0117 on:0.0114 at:0.0105 -:0.9450 and:0.0136 the:0.0097 own:0.0076 time:0.0044 of:0.0044 to:0.0041 that:0.0039 way:0.0036 in:0.0036 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -the:0.0261 :0.9054 a:0.0203 have:0.0082 his:0.0078 in:0.0078 by:0.0072 be:0.0059 tho:0.0059 to:0.0055 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8020 of:0.0538 and:0.0354 the:0.0274 in:0.0196 to:0.0189 for:0.0152 with:0.0125 at:0.0081 on:0.0071 -be:0.2747 :0.5648 the:0.0456 not:0.0267 he:0.0181 a:0.0178 to:0.0156 bo:0.0148 have:0.0121 it:0.0099 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7263 the:0.0946 a:0.0639 of:0.0355 and:0.0245 his:0.0158 that:0.0106 in:0.0104 for:0.0094 th:0.0091 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -to:0.2111 the:0.2050 :0.4500 and:0.0280 a:0.0259 in:0.0242 of:0.0196 by:0.0132 at:0.0130 for:0.0102 -:0.9063 hour:0.0355 side:0.0107 end:0.0087 day:0.0086 act:0.0078 office:0.0074 amount:0.0060 part:0.0048 opportunity:0.0043 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7193 and:0.0804 is:0.0612 to:0.0411 was:0.0313 of:0.0187 or:0.0148 are:0.0127 out:0.0109 up:0.0096 -the:0.0304 a:0.0125 tho:0.0065 :0.9284 their:0.0044 tbe:0.0041 his:0.0038 this:0.0034 our:0.0033 its:0.0032 -:0.5645 of:0.2060 and:0.0781 is:0.0434 was:0.0286 in:0.0242 that:0.0157 for:0.0136 at:0.0134 are:0.0125 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.6393 of:0.1028 and:0.0771 to:0.0591 in:0.0300 was:0.0215 is:0.0206 for:0.0174 the:0.0169 on:0.0152 -far:0.2385 :0.5046 much:0.0666 long:0.0641 well:0.0572 soon:0.0289 it:0.0170 so:0.0096 that:0.0072 described:0.0063 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7452 and:0.0572 of:0.0387 to:0.0376 the:0.0304 in:0.0273 was:0.0181 for:0.0167 that:0.0152 is:0.0136 -:0.8504 and:0.0425 to:0.0410 of:0.0121 will:0.0105 he:0.0100 is:0.0092 who:0.0089 in:0.0078 that:0.0075 -:0.6434 to:0.1342 we:0.0510 and:0.0418 who:0.0362 they:0.0336 will:0.0202 would:0.0183 as:0.0114 shall:0.0098 -:0.5276 the:0.2008 to:0.0754 of:0.0665 a:0.0590 and:0.0228 in:0.0138 for:0.0126 by:0.0108 his:0.0106 -:0.9361 and:0.0160 up:0.0100 him:0.0079 out:0.0064 is:0.0060 work:0.0049 them:0.0048 are:0.0045 made:0.0035 -:0.9642 him:0.0075 it:0.0050 them:0.0041 the:0.0038 and:0.0036 life:0.0034 money:0.0029 men:0.0029 that:0.0028 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.6872 of:0.0775 and:0.0529 to:0.0527 the:0.0364 in:0.0290 a:0.0198 by:0.0187 for:0.0167 with:0.0092 -:0.6410 to:0.1465 and:0.0546 the:0.0496 of:0.0276 is:0.0168 he:0.0166 was:0.0162 who:0.0156 will:0.0154 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6584 have:0.0687 had:0.0676 are:0.0505 is:0.0356 has:0.0326 was:0.0301 were:0.0235 be:0.0219 not:0.0111 -:0.8120 and:0.0412 the:0.0360 of:0.0300 that:0.0190 in:0.0157 was:0.0147 is:0.0115 as:0.0112 for:0.0085 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7748 the:0.1163 a:0.0202 that:0.0192 in:0.0175 to:0.0145 if:0.0130 his:0.0088 other:0.0079 all:0.0079 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2620 :0.4875 a:0.1391 of:0.0246 his:0.0226 and:0.0218 this:0.0129 tho:0.0106 is:0.0099 said:0.0091 -the:0.3888 :0.4618 a:0.0510 and:0.0191 to:0.0176 his:0.0164 of:0.0137 this:0.0128 tho:0.0106 their:0.0083 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7236 of:0.0902 and:0.0634 the:0.0400 to:0.0222 in:0.0169 a:0.0155 that:0.0120 or:0.0085 on:0.0076 -:0.8556 of:0.0374 and:0.0243 the:0.0164 that:0.0143 is:0.0139 in:0.0126 to:0.0091 for:0.0088 was:0.0077 -:0.7874 to:0.0550 the:0.0373 of:0.0259 a:0.0250 and:0.0248 that:0.0121 in:0.0120 this:0.0118 which:0.0088 -:0.9141 we:0.0123 the:0.0118 a:0.0115 more:0.0102 it:0.0101 one:0.0099 they:0.0078 any:0.0063 to:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8979 to:0.0277 and:0.0205 a:0.0151 the:0.0090 it:0.0078 out:0.0065 up:0.0055 that:0.0051 one:0.0049 -:0.6384 the:0.1539 a:0.1063 an:0.0201 him:0.0177 to:0.0164 and:0.0140 that:0.0116 their:0.0113 it:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8116 of:0.0694 in:0.0250 that:0.0237 on:0.0174 all:0.0137 to:0.0109 for:0.0108 and:0.0096 at:0.0079 -:0.7847 is:0.0364 a:0.0305 the:0.0272 was:0.0264 and:0.0250 of:0.0218 or:0.0183 be:0.0149 to:0.0147 -:0.9419 same:0.0126 said:0.0097 other:0.0066 best:0.0059 first:0.0053 public:0.0050 great:0.0049 most:0.0042 people:0.0039 -:0.8283 days:0.0497 years:0.0393 and:0.0194 feet:0.0161 or:0.0103 months:0.0100 men:0.0094 as:0.0091 up:0.0083 -:0.7388 the:0.1132 and:0.0369 of:0.0312 a:0.0258 in:0.0126 his:0.0124 that:0.0109 this:0.0095 said:0.0088 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -:0.9423 to:0.0142 two:0.0100 and:0.0076 will:0.0069 north:0.0060 three:0.0038 city:0.0031 in:0.0031 public:0.0030 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.8661 and:0.0422 to:0.0240 of:0.0135 the:0.0130 a:0.0106 it:0.0086 was:0.0084 is:0.0078 or:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3155 :0.5346 a:0.0426 tho:0.0202 his:0.0190 it:0.0157 this:0.0144 to:0.0132 he:0.0129 their:0.0119 -:0.7376 he:0.0897 they:0.0413 it:0.0280 we:0.0232 the:0.0203 she:0.0189 to:0.0147 there:0.0132 will:0.0132 -:0.6383 of:0.1112 and:0.0705 to:0.0630 the:0.0332 in:0.0294 for:0.0150 as:0.0145 is:0.0129 was:0.0119 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.8960 and:0.0304 of:0.0178 that:0.0116 to:0.0082 in:0.0078 as:0.0074 with:0.0073 for:0.0068 was:0.0066 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7216 to:0.0949 of:0.0427 the:0.0312 in:0.0297 and:0.0295 by:0.0150 a:0.0132 for:0.0124 on:0.0098 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5880 the:0.2154 a:0.0936 of:0.0214 is:0.0158 and:0.0156 his:0.0153 tho:0.0131 was:0.0116 no:0.0101 -:0.8415 the:0.0575 a:0.0264 and:0.0167 that:0.0144 of:0.0120 for:0.0087 in:0.0078 to:0.0078 this:0.0072 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7546 to:0.1068 and:0.0392 who:0.0213 will:0.0203 we:0.0131 would:0.0117 he:0.0112 it:0.0111 they:0.0106 -:0.9403 the:0.0139 and:0.0101 time:0.0090 of:0.0067 a:0.0045 other:0.0044 day:0.0039 is:0.0037 th:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2044 :0.6187 to:0.0337 and:0.0293 in:0.0261 the:0.0246 is:0.0195 that:0.0158 as:0.0153 for:0.0126 -the:0.2495 :0.5696 a:0.0854 to:0.0197 his:0.0176 and:0.0136 tho:0.0135 that:0.0114 this:0.0108 its:0.0090 -:0.6230 is:0.1066 are:0.0708 was:0.0685 the:0.0334 were:0.0327 and:0.0205 will:0.0169 of:0.0141 to:0.0134 -:0.6183 the:0.1225 a:0.0932 is:0.0376 was:0.0270 and:0.0268 his:0.0213 of:0.0203 be:0.0171 are:0.0158 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6584 to:0.1262 and:0.1144 was:0.0180 or:0.0174 out:0.0168 is:0.0151 of:0.0133 but:0.0115 with:0.0088 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.6035 the:0.1741 of:0.0550 to:0.0490 and:0.0429 a:0.0289 in:0.0156 at:0.0115 was:0.0097 by:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3871 a:0.1571 :0.2943 his:0.0428 any:0.0233 its:0.0212 their:0.0208 tho:0.0189 our:0.0186 this:0.0157 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5981 to:0.0727 will:0.0690 would:0.0610 we:0.0580 who:0.0475 they:0.0284 and:0.0282 shall:0.0194 may:0.0178 -:0.6814 as:0.1026 and:0.0364 of:0.0361 to:0.0299 in:0.0289 or:0.0237 is:0.0221 the:0.0211 that:0.0178 -:0.9802 and:0.0030 more:0.0026 work:0.0025 home:0.0023 time:0.0022 day:0.0020 long:0.0019 place:0.0018 it:0.0016 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7212 the:0.1518 a:0.0384 his:0.0261 this:0.0145 tho:0.0102 their:0.0100 all:0.0094 said:0.0092 her:0.0091 -:0.7129 of:0.0975 and:0.0486 days:0.0421 to:0.0240 years:0.0224 or:0.0217 in:0.0149 the:0.0090 at:0.0069 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6114 of:0.2108 and:0.0649 to:0.0281 in:0.0236 is:0.0158 or:0.0124 for:0.0120 by:0.0106 the:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -was:0.1560 had:0.1454 :0.3970 has:0.0686 could:0.0520 is:0.0476 be:0.0443 would:0.0378 will:0.0327 have:0.0186 -:0.5538 of:0.1869 and:0.0828 to:0.0638 in:0.0362 for:0.0210 by:0.0180 that:0.0137 at:0.0124 with:0.0115 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -of:0.2394 :0.4549 and:0.0805 in:0.0529 to:0.0518 at:0.0370 for:0.0267 that:0.0214 from:0.0181 on:0.0174 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7462 it:0.0909 which:0.0371 that:0.0352 and:0.0208 he:0.0169 they:0.0163 you:0.0138 there:0.0117 to:0.0112 -:0.9439 hour:0.0223 home:0.0057 opportunity:0.0044 years:0.0044 hundred:0.0043 wife:0.0038 old:0.0038 land:0.0038 interest:0.0035 -:0.7760 of:0.0621 and:0.0423 to:0.0298 in:0.0206 as:0.0168 for:0.0160 was:0.0136 is:0.0129 by:0.0100 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9009 and:0.0221 is:0.0193 was:0.0105 are:0.0101 it:0.0082 to:0.0081 him:0.0078 were:0.0067 that:0.0064 -could:0.1398 did:0.1294 had:0.0974 was:0.0934 would:0.0738 has:0.0696 does:0.0665 is:0.0662 will:0.0409 do:0.0294 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.3839 :0.4052 and:0.0431 in:0.0427 the:0.0256 to:0.0254 for:0.0242 at:0.0174 with:0.0171 a:0.0153 -:0.8354 of:0.0420 and:0.0310 to:0.0197 in:0.0158 the:0.0138 that:0.0117 by:0.0110 for:0.0104 with:0.0093 -to:0.3505 :0.4157 will:0.0428 and:0.0402 would:0.0321 is:0.0285 was:0.0284 of:0.0283 in:0.0178 can:0.0157 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7329 than:0.1420 of:0.0425 and:0.0196 to:0.0181 the:0.0125 or:0.0121 in:0.0092 with:0.0056 on:0.0054 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.9669 home:0.0051 hand:0.0050 wife:0.0041 it:0.0037 life:0.0034 friends:0.0032 as:0.0030 in:0.0030 and:0.0026 -:0.9597 time:0.0099 day:0.0064 way:0.0051 hundred:0.0041 city:0.0037 year:0.0030 men:0.0029 country:0.0027 life:0.0026 -:0.5500 is:0.1168 in:0.0685 to:0.0677 of:0.0534 was:0.0465 for:0.0309 with:0.0248 on:0.0211 and:0.0203 -:0.8797 and:0.0237 to:0.0234 is:0.0149 was:0.0126 the:0.0125 of:0.0106 are:0.0086 or:0.0073 a:0.0068 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -the:0.2682 :0.4918 a:0.1155 of:0.0328 and:0.0269 this:0.0181 tho:0.0134 to:0.0131 his:0.0109 was:0.0094 -:0.8385 and:0.0361 to:0.0249 of:0.0224 the:0.0171 is:0.0157 in:0.0139 was:0.0116 as:0.0100 for:0.0097 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6167 to:0.0995 in:0.0605 with:0.0591 of:0.0474 for:0.0270 by:0.0269 as:0.0258 on:0.0197 that:0.0173 -:0.7898 of:0.0590 the:0.0306 and:0.0303 to:0.0215 by:0.0172 that:0.0147 in:0.0136 as:0.0119 with:0.0115 -:0.7536 th:0.1153 last:0.0283 other:0.0178 whole:0.0175 first:0.0158 next:0.0158 same:0.0138 most:0.0135 the:0.0086 -:0.9103 to:0.0226 and:0.0161 is:0.0125 was:0.0085 as:0.0084 it:0.0061 out:0.0060 up:0.0051 that:0.0043 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7567 the:0.0595 and:0.0453 is:0.0328 was:0.0278 to:0.0176 so:0.0159 a:0.0151 are:0.0148 as:0.0144 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9293 the:0.0159 him:0.0138 it:0.0094 them:0.0082 such:0.0055 a:0.0050 two:0.0044 me:0.0043 one:0.0043 -:0.9048 and:0.0265 to:0.0253 of:0.0141 in:0.0055 line:0.0054 that:0.0052 or:0.0052 time:0.0044 is:0.0036 -not:0.2748 to:0.2599 :0.3301 will:0.0401 may:0.0254 now:0.0231 shall:0.0139 would:0.0137 also:0.0104 can:0.0087 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5968 the:0.2025 to:0.0502 and:0.0302 a:0.0264 in:0.0257 of:0.0237 by:0.0154 that:0.0147 it:0.0144 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7389 is:0.0584 the:0.0451 and:0.0391 was:0.0299 are:0.0294 a:0.0259 were:0.0127 he:0.0105 will:0.0100 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -connected:0.0188 compared:0.0153 covered:0.0144 together:0.0134 charged:0.0126 filled:0.0089 complied:0.0052 acquainted:0.0046 afflicted:0.0037 met:0.0036 -:0.7108 or:0.0619 of:0.0591 years:0.0463 and:0.0371 for:0.0196 in:0.0195 with:0.0156 by:0.0153 at:0.0148 -:0.6631 and:0.0659 that:0.0650 of:0.0493 as:0.0492 which:0.0276 but:0.0247 for:0.0202 if:0.0185 in:0.0165 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9246 and:0.0297 was:0.0079 is:0.0071 of:0.0068 to:0.0059 went:0.0050 out:0.0048 made:0.0041 down:0.0040 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9322 same:0.0164 most:0.0100 city:0.0084 first:0.0081 public:0.0074 other:0.0050 best:0.0045 great:0.0041 people:0.0040 -:0.5924 of:0.1452 in:0.0683 to:0.0531 and:0.0308 on:0.0255 for:0.0225 from:0.0222 with:0.0202 by:0.0198 -:0.7188 to:0.0818 the:0.0472 and:0.0354 of:0.0276 in:0.0264 a:0.0224 by:0.0141 for:0.0135 that:0.0127 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9540 and:0.0145 feet:0.0054 was:0.0049 it:0.0045 land:0.0041 is:0.0038 way:0.0030 men:0.0029 or:0.0029 -:0.7889 the:0.0624 a:0.0357 and:0.0241 of:0.0227 is:0.0182 or:0.0153 as:0.0121 other:0.0108 in:0.0097 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.3746 :0.4242 a:0.0871 this:0.0296 tho:0.0192 any:0.0166 its:0.0128 said:0.0127 all:0.0125 his:0.0108 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9311 of:0.0130 the:0.0115 and:0.0104 a:0.0091 in:0.0073 to:0.0048 more:0.0047 one:0.0041 time:0.0041 -:0.7425 of:0.1356 and:0.0311 hundred:0.0199 to:0.0192 or:0.0156 in:0.0120 the:0.0085 is:0.0083 that:0.0074 -the:0.4940 :0.3830 a:0.0313 tho:0.0247 this:0.0211 his:0.0150 their:0.0091 any:0.0081 our:0.0074 tbe:0.0063 -:0.8936 that:0.0195 of:0.0178 in:0.0156 and:0.0143 to:0.0135 for:0.0078 from:0.0065 on:0.0058 with:0.0056 -:0.6538 of:0.0748 in:0.0639 to:0.0508 for:0.0399 on:0.0295 with:0.0246 by:0.0219 at:0.0215 and:0.0193 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8508 so:0.0267 found:0.0240 given:0.0212 made:0.0172 not:0.0132 ordered:0.0123 sure:0.0116 declared:0.0115 understood:0.0114 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8494 the:0.0360 and:0.0275 of:0.0250 in:0.0160 to:0.0140 that:0.0089 a:0.0085 by:0.0078 at:0.0069 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7713 are:0.0671 were:0.0397 come:0.0382 have:0.0194 came:0.0149 go:0.0141 had:0.0137 went:0.0110 do:0.0106 -:0.7277 the:0.0635 to:0.0631 and:0.0452 a:0.0231 is:0.0204 of:0.0176 was:0.0157 will:0.0131 he:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9438 out:0.0124 line:0.0092 and:0.0075 side:0.0061 one:0.0059 years:0.0044 day:0.0037 part:0.0036 number:0.0033 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -a:0.1969 :0.5046 the:0.1790 no:0.0226 any:0.0183 his:0.0180 one:0.0164 this:0.0153 he:0.0153 some:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7504 the:0.0808 and:0.0437 a:0.0357 is:0.0212 of:0.0190 was:0.0151 to:0.0138 be:0.0118 or:0.0086 -:0.7548 the:0.0799 and:0.0350 of:0.0340 a:0.0276 is:0.0184 was:0.0136 be:0.0132 in:0.0130 for:0.0104 -the:0.2686 :0.4736 a:0.1227 his:0.0365 this:0.0271 their:0.0201 tho:0.0148 all:0.0137 any:0.0129 our:0.0099 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7712 that:0.0637 and:0.0371 which:0.0368 as:0.0276 if:0.0189 when:0.0129 the:0.0114 what:0.0102 where:0.0100 -:0.8892 and:0.0330 of:0.0189 to:0.0126 in:0.0108 it:0.0102 that:0.0086 all:0.0067 from:0.0052 he:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7896 the:0.0915 and:0.0255 to:0.0215 a:0.0205 in:0.0149 of:0.0127 that:0.0106 by:0.0074 on:0.0057 -:0.6712 of:0.0980 to:0.0793 and:0.0579 in:0.0288 for:0.0158 or:0.0153 by:0.0115 at:0.0112 from:0.0111 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7961 and:0.0534 of:0.0530 to:0.0271 in:0.0146 the:0.0140 or:0.0122 is:0.0106 for:0.0096 as:0.0095 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9015 that:0.0212 and:0.0172 to:0.0146 one:0.0093 as:0.0087 it:0.0079 is:0.0077 more:0.0068 he:0.0052 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6799 to:0.1015 of:0.0561 and:0.0404 the:0.0324 in:0.0248 a:0.0199 not:0.0160 that:0.0148 by:0.0143 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -of:0.2528 :0.5031 in:0.0587 to:0.0446 at:0.0433 and:0.0384 for:0.0201 that:0.0146 from:0.0125 by:0.0118 -:0.6316 the:0.1215 a:0.1032 to:0.0464 and:0.0292 of:0.0207 no:0.0137 in:0.0136 his:0.0104 for:0.0097 -:0.6787 and:0.1021 of:0.0591 the:0.0383 is:0.0360 was:0.0235 to:0.0213 in:0.0153 as:0.0151 or:0.0106 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7126 of:0.0855 the:0.0464 and:0.0450 in:0.0314 to:0.0277 by:0.0134 is:0.0134 that:0.0126 for:0.0120 -:0.7382 the:0.1072 a:0.0399 to:0.0235 and:0.0200 of:0.0166 he:0.0160 it:0.0144 that:0.0125 in:0.0117 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.8366 in:0.0294 as:0.0243 that:0.0192 for:0.0176 is:0.0174 was:0.0169 with:0.0145 by:0.0126 to:0.0116 -:0.8818 and:0.0455 that:0.0184 it:0.0104 but:0.0097 or:0.0076 up:0.0071 is:0.0066 to:0.0066 them:0.0063 -:0.8174 of:0.0582 to:0.0318 and:0.0284 the:0.0193 in:0.0141 that:0.0105 a:0.0073 for:0.0067 from:0.0063 -:0.6874 the:0.1236 a:0.0634 and:0.0290 of:0.0271 or:0.0157 his:0.0141 in:0.0134 their:0.0134 one:0.0128 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.6245 the:0.1108 a:0.1062 of:0.0473 and:0.0365 his:0.0244 to:0.0176 this:0.0133 in:0.0119 said:0.0076 -:0.6154 of:0.1424 to:0.0851 and:0.0444 in:0.0351 for:0.0217 at:0.0158 by:0.0143 that:0.0134 the:0.0123 -:0.7728 to:0.0561 and:0.0447 of:0.0293 in:0.0245 for:0.0199 that:0.0153 the:0.0143 with:0.0119 was:0.0113 -of:0.2853 :0.3973 in:0.0526 for:0.0518 and:0.0461 with:0.0438 to:0.0429 as:0.0317 at:0.0293 on:0.0193 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7535 the:0.0852 be:0.0777 a:0.0267 go:0.0133 make:0.0101 all:0.0094 come:0.0085 his:0.0080 get:0.0075 -:0.8504 and:0.0425 to:0.0410 of:0.0121 will:0.0105 he:0.0100 is:0.0092 who:0.0089 in:0.0078 that:0.0075 -:0.6733 the:0.1010 to:0.0616 and:0.0400 a:0.0342 in:0.0261 of:0.0231 that:0.0152 by:0.0140 for:0.0116 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8308 and:0.0617 of:0.0373 in:0.0146 to:0.0143 the:0.0113 for:0.0088 is:0.0085 from:0.0066 was:0.0062 -:0.9171 owned:0.0116 made:0.0109 out:0.0104 up:0.0099 and:0.0097 followed:0.0093 that:0.0080 ago:0.0073 signed:0.0058 -:0.8040 it:0.0287 we:0.0252 and:0.0251 they:0.0229 he:0.0229 who:0.0194 that:0.0182 as:0.0169 which:0.0168 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8418 of:0.0661 and:0.0286 to:0.0186 day:0.0114 in:0.0087 or:0.0072 time:0.0061 the:0.0059 that:0.0056 -:0.8516 the:0.0505 and:0.0244 a:0.0195 of:0.0151 is:0.0088 or:0.0083 in:0.0080 for:0.0070 at:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7720 it:0.0704 he:0.0422 which:0.0353 there:0.0253 and:0.0185 she:0.0108 that:0.0108 who:0.0081 to:0.0067 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7655 of:0.0836 and:0.0495 to:0.0261 as:0.0189 in:0.0165 is:0.0138 for:0.0102 was:0.0089 are:0.0071 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6799 to:0.1015 of:0.0561 and:0.0404 the:0.0324 in:0.0248 a:0.0199 not:0.0160 that:0.0148 by:0.0143 -:0.9568 the:0.0110 it:0.0055 him:0.0053 them:0.0045 a:0.0041 up:0.0038 in:0.0033 and:0.0030 all:0.0026 -:0.7389 of:0.0781 and:0.0396 to:0.0343 the:0.0309 as:0.0234 in:0.0203 for:0.0135 from:0.0108 at:0.0102 -:0.7611 it:0.1204 he:0.0299 there:0.0296 which:0.0154 to:0.0131 that:0.0100 she:0.0089 and:0.0083 now:0.0033 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -of:0.2303 :0.5995 and:0.0532 to:0.0328 or:0.0201 hundred:0.0174 in:0.0152 with:0.0138 for:0.0099 is:0.0078 -:0.6288 the:0.0659 of:0.0580 and:0.0548 a:0.0504 was:0.0345 in:0.0328 is:0.0307 for:0.0255 with:0.0186 -:0.7820 to:0.0829 and:0.0451 of:0.0228 the:0.0200 will:0.0151 in:0.0099 would:0.0081 he:0.0076 who:0.0065 -:0.4953 by:0.1204 in:0.0783 to:0.0624 for:0.0582 with:0.0576 of:0.0442 at:0.0348 on:0.0279 and:0.0209 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.8604 all:0.0457 the:0.0244 that:0.0233 which:0.0133 in:0.0110 said:0.0063 at:0.0063 of:0.0047 to:0.0045 -the:0.7103 :0.1586 tho:0.0347 a:0.0333 this:0.0152 its:0.0102 his:0.0102 our:0.0099 their:0.0094 any:0.0081 -:0.7899 to:0.0458 the:0.0340 of:0.0308 and:0.0283 a:0.0200 in:0.0180 that:0.0131 more:0.0113 or:0.0089 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8355 of:0.0544 and:0.0472 to:0.0157 in:0.0111 time:0.0104 or:0.0080 that:0.0061 the:0.0058 by:0.0058 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.6519 they:0.1483 we:0.0643 he:0.0296 there:0.0279 it:0.0243 you:0.0205 which:0.0114 who:0.0112 that:0.0107 -:0.6816 of:0.1154 to:0.0589 and:0.0341 the:0.0304 for:0.0190 in:0.0168 a:0.0164 with:0.0143 on:0.0131 -:0.9050 other:0.0170 doubt:0.0148 the:0.0136 more:0.0121 time:0.0089 longer:0.0089 and:0.0077 he:0.0060 one:0.0060 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8520 of:0.0527 and:0.0360 the:0.0155 to:0.0099 or:0.0095 in:0.0077 for:0.0062 as:0.0057 that:0.0047 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.6772 of:0.0713 the:0.0558 to:0.0527 and:0.0504 in:0.0301 that:0.0200 a:0.0168 for:0.0142 at:0.0115 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -the:0.3863 :0.4528 a:0.0544 to:0.0230 his:0.0202 and:0.0179 in:0.0120 tho:0.0117 this:0.0109 our:0.0108 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6876 the:0.1705 a:0.0493 his:0.0212 such:0.0143 tho:0.0135 said:0.0124 all:0.0113 their:0.0105 this:0.0094 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.6970 of:0.0724 in:0.0598 and:0.0510 to:0.0344 for:0.0225 that:0.0186 as:0.0165 by:0.0160 from:0.0119 -:0.9500 people:0.0091 city:0.0067 war:0.0052 time:0.0051 same:0.0050 world:0.0050 government:0.0049 man:0.0047 law:0.0043 -:0.8137 as:0.0516 and:0.0307 him:0.0258 up:0.0213 is:0.0171 them:0.0124 it:0.0098 according:0.0090 out:0.0087 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8936 that:0.0195 of:0.0178 in:0.0156 and:0.0143 to:0.0135 for:0.0078 from:0.0065 on:0.0058 with:0.0056 -:0.7830 of:0.0614 and:0.0441 to:0.0291 in:0.0175 is:0.0167 was:0.0145 for:0.0119 the:0.0117 or:0.0100 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -of:0.3079 to:0.1070 :0.3108 in:0.0663 for:0.0558 and:0.0432 with:0.0317 on:0.0310 from:0.0261 by:0.0202 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6882 of:0.1321 and:0.0671 to:0.0325 the:0.0183 in:0.0163 for:0.0134 that:0.0124 at:0.0103 from:0.0094 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6142 of:0.1816 and:0.0700 to:0.0328 or:0.0237 in:0.0236 that:0.0164 the:0.0141 for:0.0124 a:0.0112 -to:0.4479 :0.2645 of:0.0951 and:0.0663 in:0.0653 for:0.0160 or:0.0142 with:0.0115 by:0.0112 from:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7550 of:0.0938 and:0.0307 to:0.0297 in:0.0245 the:0.0173 or:0.0147 for:0.0126 from:0.0110 with:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8320 the:0.0495 to:0.0245 a:0.0221 and:0.0187 in:0.0163 of:0.0112 be:0.0093 that:0.0088 have:0.0075 -:0.5856 the:0.2415 a:0.0744 be:0.0300 his:0.0170 this:0.0157 tho:0.0135 their:0.0079 make:0.0077 said:0.0068 -:0.8139 to:0.0537 and:0.0420 the:0.0220 that:0.0158 of:0.0128 as:0.0123 a:0.0101 which:0.0092 it:0.0082 -:0.6701 the:0.1401 be:0.0881 a:0.0268 make:0.0175 have:0.0125 tho:0.0122 his:0.0121 this:0.0106 any:0.0100 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.7937 the:0.0759 a:0.0508 he:0.0142 that:0.0134 it:0.0127 and:0.0112 not:0.0110 an:0.0090 to:0.0082 -:0.9329 them:0.0092 the:0.0088 it:0.0087 law:0.0085 him:0.0082 all:0.0077 a:0.0063 which:0.0049 be:0.0048 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6191 of:0.1259 in:0.0530 the:0.0413 for:0.0358 and:0.0356 with:0.0269 to:0.0213 by:0.0207 at:0.0204 -:0.4623 will:0.1529 to:0.0687 would:0.0612 can:0.0555 should:0.0506 shall:0.0472 may:0.0400 must:0.0338 could:0.0279 -:0.8028 to:0.0471 and:0.0381 of:0.0226 the:0.0206 is:0.0180 was:0.0175 or:0.0125 as:0.0114 be:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8343 know:0.0261 be:0.0247 to:0.0227 only:0.0200 and:0.0179 that:0.0169 have:0.0149 in:0.0124 as:0.0100 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9544 time:0.0092 and:0.0072 way:0.0053 day:0.0049 man:0.0049 place:0.0039 land:0.0035 that:0.0034 interest:0.0034 -:0.9141 old:0.0181 the:0.0126 a:0.0124 hour:0.0119 south:0.0070 first:0.0070 inch:0.0067 right:0.0056 said:0.0045 -be:0.4442 have:0.1368 not:0.0942 :0.2498 bo:0.0267 to:0.0218 had:0.0079 the:0.0074 do:0.0059 never:0.0052 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8158 is:0.0948 was:0.0374 and:0.0190 as:0.0077 to:0.0065 will:0.0054 are:0.0048 but:0.0046 would:0.0039 -:0.6792 and:0.1128 to:0.0896 is:0.0341 or:0.0229 was:0.0215 of:0.0116 but:0.0099 are:0.0096 it:0.0088 -have:0.1571 :0.6688 had:0.0331 are:0.0307 is:0.0239 do:0.0229 get:0.0186 find:0.0173 make:0.0144 was:0.0133 -be:0.5662 :0.3323 have:0.0300 bo:0.0254 he:0.0114 are:0.0097 and:0.0070 to:0.0066 was:0.0065 not:0.0049 -:0.9351 the:0.0202 order:0.0126 which:0.0060 said:0.0048 him:0.0047 it:0.0045 this:0.0044 a:0.0040 front:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -the:0.4618 a:0.1260 :0.2810 his:0.0402 their:0.0293 tho:0.0149 its:0.0137 this:0.0132 our:0.0105 her:0.0093 -:0.8936 the:0.0372 and:0.0132 to:0.0112 of:0.0107 that:0.0097 a:0.0077 in:0.0072 by:0.0048 it:0.0048 -:0.7820 and:0.0597 that:0.0432 him:0.0379 to:0.0160 but:0.0135 us:0.0130 in:0.0125 them:0.0114 so:0.0107 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6176 the:0.1925 a:0.0636 of:0.0286 and:0.0248 to:0.0226 his:0.0183 this:0.0129 tho:0.0097 their:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8750 as:0.0337 and:0.0287 up:0.0136 him:0.0121 them:0.0093 but:0.0073 is:0.0071 it:0.0070 out:0.0062 -:0.8389 not:0.0380 a:0.0276 to:0.0189 the:0.0184 it:0.0142 now:0.0139 that:0.0110 so:0.0110 and:0.0082 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -than:0.3026 :0.4014 of:0.1141 in:0.0426 to:0.0325 on:0.0280 and:0.0257 from:0.0182 with:0.0175 for:0.0174 -:0.6241 of:0.1196 in:0.0608 and:0.0374 to:0.0350 the:0.0350 for:0.0334 with:0.0211 a:0.0174 by:0.0162 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7680 of:0.0708 to:0.0473 and:0.0411 in:0.0196 the:0.0133 with:0.0119 for:0.0108 by:0.0093 that:0.0077 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7100 the:0.1139 and:0.0385 a:0.0257 to:0.0226 of:0.0223 was:0.0218 is:0.0203 be:0.0126 in:0.0121 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8406 be:0.0472 to:0.0205 the:0.0151 it:0.0138 will:0.0134 a:0.0130 would:0.0123 he:0.0122 have:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9183 them:0.0197 the:0.0181 land:0.0089 interest:0.0084 him:0.0061 sale:0.0054 it:0.0053 this:0.0051 all:0.0048 -:0.8109 of:0.0507 the:0.0353 and:0.0341 to:0.0160 that:0.0140 which:0.0117 a:0.0103 in:0.0097 or:0.0073 -:0.8048 a:0.0373 to:0.0349 the:0.0312 and:0.0304 of:0.0171 in:0.0170 is:0.0096 was:0.0095 or:0.0082 -:0.5734 of:0.1057 to:0.0546 and:0.0518 the:0.0487 that:0.0463 at:0.0449 in:0.0327 for:0.0212 by:0.0207 -:0.8595 be:0.0321 to:0.0256 a:0.0146 the:0.0141 as:0.0133 only:0.0106 or:0.0104 that:0.0102 and:0.0096 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1816 :0.5493 and:0.0891 to:0.0551 in:0.0278 with:0.0246 for:0.0212 by:0.0192 or:0.0165 from:0.0156 -:0.7446 large:0.0497 great:0.0454 little:0.0324 good:0.0274 few:0.0271 very:0.0216 a:0.0190 certain:0.0173 small:0.0157 -:0.9429 of:0.0139 to:0.0082 for:0.0079 in:0.0077 with:0.0044 and:0.0041 by:0.0037 is:0.0037 on:0.0036 -:0.7571 to:0.0613 and:0.0562 the:0.0374 of:0.0277 was:0.0156 a:0.0121 is:0.0115 in:0.0114 not:0.0097 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6580 the:0.0691 of:0.0623 and:0.0501 to:0.0444 a:0.0327 in:0.0302 that:0.0202 by:0.0171 at:0.0160 -:0.7199 of:0.0874 and:0.0532 to:0.0305 the:0.0296 in:0.0288 for:0.0135 that:0.0133 a:0.0123 or:0.0114 -of:0.3249 :0.4560 in:0.0599 to:0.0446 and:0.0407 is:0.0206 was:0.0156 who:0.0145 with:0.0124 for:0.0108 -be:0.6247 :0.2278 have:0.0347 bo:0.0296 the:0.0277 not:0.0195 a:0.0163 he:0.0083 was:0.0063 is:0.0052 -:0.7983 found:0.0413 given:0.0394 made:0.0251 so:0.0215 seen:0.0193 held:0.0190 declared:0.0138 sure:0.0116 remembered:0.0108 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7457 the:0.0928 to:0.0374 and:0.0294 of:0.0215 is:0.0190 a:0.0175 was:0.0145 in:0.0111 his:0.0111 -:0.6901 of:0.1053 and:0.0486 to:0.0397 in:0.0284 the:0.0284 a:0.0173 at:0.0155 for:0.0146 from:0.0120 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8680 up:0.0252 as:0.0189 him:0.0189 them:0.0184 and:0.0170 time:0.0110 way:0.0078 it:0.0076 or:0.0073 -:0.7417 in:0.0685 the:0.0443 all:0.0253 for:0.0247 to:0.0228 at:0.0191 by:0.0185 with:0.0181 if:0.0171 -of:0.2401 :0.5673 the:0.0384 and:0.0375 to:0.0318 in:0.0229 that:0.0228 for:0.0135 at:0.0135 by:0.0121 -:0.7989 the:0.0387 tell:0.0353 be:0.0324 give:0.0300 make:0.0167 which:0.0157 get:0.0122 see:0.0106 pay:0.0095 -:0.6635 of:0.0824 in:0.0459 that:0.0433 the:0.0404 by:0.0351 all:0.0239 to:0.0238 with:0.0217 for:0.0200 -:0.8603 well:0.0237 it:0.0184 known:0.0173 to:0.0161 far:0.0154 him:0.0148 and:0.0124 so:0.0121 just:0.0095 -:0.7178 the:0.1489 a:0.0323 to:0.0190 an:0.0163 two:0.0147 it:0.0139 and:0.0128 tho:0.0123 he:0.0121 -:0.7409 to:0.0575 the:0.0520 and:0.0450 a:0.0225 was:0.0194 will:0.0178 he:0.0159 of:0.0152 in:0.0135 -:0.6349 and:0.1276 that:0.0566 to:0.0564 the:0.0377 of:0.0209 as:0.0185 he:0.0180 in:0.0154 or:0.0139 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6717 it:0.0925 he:0.0565 that:0.0524 which:0.0487 and:0.0223 to:0.0181 there:0.0149 she:0.0148 who:0.0080 -:0.7465 to:0.0656 and:0.0628 the:0.0459 of:0.0286 a:0.0150 will:0.0115 in:0.0086 that:0.0081 for:0.0073 -:0.5880 the:0.2154 a:0.0936 of:0.0214 is:0.0158 and:0.0156 his:0.0153 tho:0.0131 was:0.0116 no:0.0101 -:0.9228 other:0.0138 the:0.0123 same:0.0095 last:0.0088 most:0.0071 first:0.0070 next:0.0068 old:0.0063 great:0.0056 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.9210 chance:0.0117 visit:0.0108 right:0.0097 time:0.0090 desire:0.0088 year:0.0081 man:0.0073 letter:0.0069 return:0.0067 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6909 the:0.1416 a:0.0644 to:0.0206 an:0.0166 that:0.0159 in:0.0141 and:0.0133 of:0.0119 for:0.0107 -:0.8754 and:0.0367 up:0.0176 out:0.0134 it:0.0109 to:0.0105 him:0.0100 of:0.0094 made:0.0081 or:0.0079 -:0.6193 is:0.1305 was:0.0484 and:0.0368 they:0.0344 does:0.0296 we:0.0286 did:0.0269 he:0.0232 do:0.0223 -:0.9921 a:0.0012 all:0.0010 others:0.0009 put:0.0008 the:0.0008 said:0.0008 get:0.0008 then:0.0008 found:0.0008 -:0.8378 and:0.0630 to:0.0348 he:0.0118 who:0.0109 as:0.0097 it:0.0094 is:0.0077 or:0.0075 we:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8243 and:0.0480 of:0.0257 the:0.0212 is:0.0187 as:0.0171 that:0.0145 was:0.0117 in:0.0113 a:0.0075 -:0.6925 the:0.1102 of:0.0516 a:0.0357 and:0.0322 that:0.0212 to:0.0187 in:0.0178 for:0.0105 as:0.0097 -:0.9005 the:0.0210 and:0.0190 of:0.0156 a:0.0105 to:0.0102 that:0.0069 have:0.0057 had:0.0054 in:0.0052 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5747 of:0.1404 to:0.1026 and:0.0789 in:0.0273 is:0.0177 or:0.0174 was:0.0162 for:0.0142 the:0.0106 -:0.7186 and:0.1054 of:0.0493 is:0.0290 but:0.0281 to:0.0161 was:0.0154 that:0.0140 in:0.0124 for:0.0117 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.6718 the:0.1544 of:0.0448 a:0.0372 to:0.0250 and:0.0162 at:0.0152 in:0.0121 or:0.0121 this:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6811 the:0.1066 to:0.0472 a:0.0360 of:0.0313 and:0.0273 that:0.0224 in:0.0218 by:0.0156 for:0.0106 -:0.8663 and:0.0480 but:0.0143 is:0.0120 to:0.0115 in:0.0110 him:0.0096 of:0.0093 that:0.0093 all:0.0088 -:0.8457 of:0.0635 and:0.0347 to:0.0129 the:0.0094 or:0.0085 in:0.0080 is:0.0067 have:0.0053 be:0.0052 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6478 to:0.0993 the:0.0836 and:0.0474 a:0.0359 in:0.0291 by:0.0249 of:0.0126 for:0.0098 that:0.0097 -:0.5110 of:0.1887 the:0.0972 in:0.0528 and:0.0444 a:0.0374 to:0.0287 for:0.0165 on:0.0118 by:0.0116 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7150 to:0.1074 of:0.0413 and:0.0365 in:0.0259 the:0.0200 that:0.0170 for:0.0139 by:0.0130 as:0.0101 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7722 he:0.0441 they:0.0397 it:0.0315 and:0.0284 who:0.0242 we:0.0212 which:0.0152 that:0.0144 you:0.0091 -:0.9647 above:0.0059 following:0.0049 of:0.0043 in:0.0041 time:0.0036 most:0.0033 said:0.0031 past:0.0031 same:0.0030 -:0.6912 a:0.0999 the:0.0801 of:0.0491 and:0.0223 to:0.0201 in:0.0104 an:0.0093 that:0.0089 it:0.0088 -:0.8381 and:0.0395 the:0.0235 of:0.0224 to:0.0206 is:0.0163 was:0.0129 a:0.0117 or:0.0080 be:0.0071 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9443 few:0.0110 little:0.0091 much:0.0076 good:0.0064 large:0.0058 great:0.0043 short:0.0042 more:0.0038 long:0.0035 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9050 other:0.0170 doubt:0.0148 the:0.0136 more:0.0121 time:0.0089 longer:0.0089 and:0.0077 he:0.0060 one:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7959 the:0.0481 and:0.0379 of:0.0369 a:0.0208 is:0.0152 was:0.0133 that:0.0121 in:0.0104 be:0.0094 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9400 it:0.0146 the:0.0117 he:0.0064 and:0.0062 which:0.0051 him:0.0046 a:0.0045 of:0.0036 this:0.0033 -:0.7906 and:0.0469 of:0.0459 to:0.0383 in:0.0226 the:0.0162 a:0.0106 for:0.0105 as:0.0104 at:0.0079 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.7343 the:0.0733 a:0.0471 of:0.0447 and:0.0405 to:0.0194 is:0.0145 or:0.0091 as:0.0090 was:0.0081 -:0.9578 city:0.0063 land:0.0053 country:0.0052 interest:0.0050 work:0.0043 people:0.0043 county:0.0042 house:0.0039 time:0.0037 -:0.6275 in:0.0796 to:0.0531 of:0.0447 by:0.0414 at:0.0382 on:0.0313 for:0.0309 that:0.0286 with:0.0247 -the:0.4293 :0.4216 a:0.0380 of:0.0303 tho:0.0188 per:0.0156 in:0.0155 and:0.0115 his:0.0111 tbe:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.7640 in:0.0566 the:0.0506 of:0.0434 a:0.0228 to:0.0155 for:0.0154 all:0.0131 by:0.0100 on:0.0086 -:0.8483 and:0.0272 to:0.0224 the:0.0209 of:0.0181 in:0.0167 that:0.0135 a:0.0130 be:0.0101 as:0.0097 -be:0.1293 :0.7348 do:0.0314 have:0.0213 go:0.0210 bo:0.0137 the:0.0134 come:0.0132 make:0.0110 get:0.0109 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.8462 made:0.0425 paid:0.0191 held:0.0173 used:0.0148 taken:0.0137 found:0.0132 done:0.0132 kept:0.0101 placed:0.0098 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.9086 the:0.0274 of:0.0130 a:0.0117 and:0.0112 he:0.0072 in:0.0066 more:0.0054 that:0.0045 at:0.0045 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8596 and:0.0360 the:0.0295 is:0.0216 was:0.0113 to:0.0107 of:0.0086 or:0.0085 as:0.0077 a:0.0067 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6600 the:0.1430 a:0.1081 in:0.0184 no:0.0137 of:0.0126 to:0.0119 by:0.0114 tho:0.0106 his:0.0102 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7647 of:0.0644 and:0.0419 to:0.0406 the:0.0227 in:0.0204 that:0.0119 for:0.0119 with:0.0115 is:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7506 the:0.0707 is:0.0306 and:0.0300 was:0.0296 be:0.0234 have:0.0195 are:0.0153 has:0.0153 a:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8735 the:0.0408 a:0.0256 his:0.0131 all:0.0094 this:0.0094 her:0.0073 said:0.0072 land:0.0071 them:0.0066 -:0.8167 day:0.1150 side:0.0165 line:0.0143 part:0.0107 and:0.0070 time:0.0061 one:0.0051 number:0.0044 amount:0.0040 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6854 that:0.1572 as:0.0334 if:0.0270 which:0.0236 and:0.0213 the:0.0186 when:0.0118 what:0.0113 it:0.0103 -:0.8773 be:0.0386 him:0.0145 them:0.0113 go:0.0106 work:0.0100 come:0.0096 put:0.0095 the:0.0095 appear:0.0090 -:0.7625 of:0.0671 and:0.0409 the:0.0361 to:0.0305 in:0.0148 is:0.0138 was:0.0135 for:0.0105 that:0.0103 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5681 the:0.1517 of:0.0821 to:0.0545 a:0.0348 and:0.0346 in:0.0275 at:0.0210 for:0.0149 with:0.0109 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2710 :0.3935 to:0.0767 in:0.0742 that:0.0546 for:0.0403 and:0.0251 on:0.0223 by:0.0214 at:0.0210 -:0.9584 same:0.0080 time:0.0051 best:0.0044 said:0.0044 following:0.0042 first:0.0040 city:0.0039 public:0.0037 people:0.0037 -:0.6022 the:0.1243 of:0.0873 and:0.0518 to:0.0349 a:0.0268 in:0.0231 is:0.0188 was:0.0160 with:0.0149 -:0.7208 and:0.0587 of:0.0519 to:0.0404 the:0.0289 in:0.0264 for:0.0222 that:0.0196 a:0.0166 as:0.0144 -:0.6121 to:0.1448 the:0.1021 and:0.0314 a:0.0263 not:0.0244 in:0.0212 of:0.0204 or:0.0089 his:0.0085 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6681 of:0.0873 in:0.0684 to:0.0351 for:0.0285 and:0.0277 with:0.0276 on:0.0222 by:0.0181 at:0.0170 -:0.9005 the:0.0210 and:0.0190 of:0.0156 a:0.0105 to:0.0102 that:0.0069 have:0.0057 had:0.0054 in:0.0052 -:0.6619 of:0.0861 and:0.0805 to:0.0540 the:0.0262 in:0.0237 as:0.0223 for:0.0169 that:0.0157 by:0.0126 -:0.8707 able:0.0356 made:0.0156 not:0.0153 unable:0.0129 allowed:0.0119 compelled:0.0111 going:0.0097 sent:0.0089 given:0.0082 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6866 the:0.1179 and:0.0474 of:0.0425 to:0.0250 a:0.0227 was:0.0197 is:0.0179 be:0.0106 has:0.0097 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.8485 the:0.0578 a:0.0366 other:0.0120 his:0.0083 this:0.0082 one:0.0078 her:0.0073 such:0.0068 it:0.0068 -:0.8459 the:0.0400 of:0.0397 a:0.0196 and:0.0162 last:0.0141 in:0.0069 that:0.0060 this:0.0058 th:0.0057 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7978 he:0.0433 had:0.0266 was:0.0242 it:0.0234 there:0.0221 has:0.0187 could:0.0160 who:0.0140 will:0.0139 -:0.5640 of:0.1168 the:0.0921 a:0.0570 to:0.0464 and:0.0370 in:0.0312 by:0.0199 for:0.0198 that:0.0158 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8459 of:0.0692 and:0.0174 week:0.0114 in:0.0113 the:0.0103 night:0.0093 is:0.0091 other:0.0088 was:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7608 of:0.1156 and:0.0499 or:0.0139 the:0.0110 in:0.0105 who:0.0098 years:0.0097 to:0.0095 days:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.5351 :0.2566 a:0.0648 his:0.0455 tho:0.0275 this:0.0237 their:0.0164 our:0.0135 its:0.0087 said:0.0081 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.5918 to:0.3009 in:0.0298 and:0.0245 of:0.0154 he:0.0093 for:0.0088 they:0.0069 that:0.0067 we:0.0060 -:0.7222 and:0.0697 of:0.0659 the:0.0399 to:0.0269 in:0.0248 is:0.0147 a:0.0132 was:0.0128 for:0.0098 -:0.7945 he:0.0384 to:0.0369 and:0.0247 it:0.0213 they:0.0203 the:0.0189 as:0.0167 we:0.0156 you:0.0128 -:0.7642 of:0.0905 the:0.0306 and:0.0279 to:0.0210 in:0.0187 that:0.0166 for:0.0105 was:0.0100 a:0.0099 -:0.5063 of:0.2065 the:0.1039 a:0.0459 and:0.0429 was:0.0232 for:0.0188 or:0.0181 is:0.0178 in:0.0167 -:0.7107 of:0.0882 the:0.0550 a:0.0509 and:0.0333 in:0.0168 to:0.0127 for:0.0117 that:0.0113 his:0.0093 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -be:0.2825 :0.5586 bo:0.0291 make:0.0241 have:0.0222 not:0.0205 take:0.0194 find:0.0168 get:0.0144 give:0.0123 -:0.7862 and:0.0480 was:0.0334 is:0.0298 of:0.0225 the:0.0206 have:0.0178 be:0.0151 that:0.0133 had:0.0132 -:0.8455 the:0.0367 to:0.0237 and:0.0191 that:0.0182 a:0.0170 of:0.0145 in:0.0118 it:0.0068 for:0.0065 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6367 to:0.1444 of:0.0556 in:0.0405 and:0.0380 the:0.0219 for:0.0171 by:0.0159 that:0.0157 at:0.0141 -:0.7752 and:0.0429 the:0.0381 a:0.0298 to:0.0288 was:0.0237 of:0.0214 is:0.0198 be:0.0112 are:0.0091 -:0.9321 is:0.0119 as:0.0098 it:0.0088 and:0.0079 him:0.0072 not:0.0058 began:0.0056 them:0.0054 according:0.0054 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.4818 of:0.2511 and:0.0827 to:0.0424 was:0.0381 is:0.0272 in:0.0265 for:0.0218 or:0.0178 are:0.0106 -:0.9238 hour:0.0446 time:0.0054 home:0.0051 opportunity:0.0047 interest:0.0034 interview:0.0033 hand:0.0033 opinion:0.0032 increase:0.0031 -:0.8097 the:0.0882 a:0.0264 said:0.0227 all:0.0150 his:0.0112 them:0.0085 tho:0.0066 this:0.0060 to:0.0058 -:0.8438 the:0.0315 is:0.0305 and:0.0249 was:0.0241 are:0.0122 or:0.0094 a:0.0090 be:0.0088 of:0.0059 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.8421 the:0.0356 and:0.0238 be:0.0202 of:0.0165 he:0.0158 to:0.0135 is:0.0110 in:0.0109 have:0.0106 -:0.5420 of:0.2133 and:0.0710 to:0.0604 in:0.0318 for:0.0217 was:0.0171 the:0.0166 with:0.0133 at:0.0129 -:0.7669 and:0.0509 is:0.0502 the:0.0412 a:0.0224 of:0.0202 was:0.0163 in:0.0111 or:0.0108 are:0.0100 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7181 and:0.0574 the:0.0519 of:0.0390 is:0.0306 a:0.0297 in:0.0195 was:0.0187 are:0.0180 to:0.0170 -:0.9340 time:0.0193 year:0.0095 city:0.0076 day:0.0060 bill:0.0050 way:0.0049 matter:0.0048 county:0.0045 case:0.0045 -:0.5511 of:0.2638 and:0.0405 in:0.0344 the:0.0308 by:0.0201 at:0.0163 with:0.0158 for:0.0151 was:0.0122 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -the:0.1700 be:0.1592 :0.5280 a:0.0482 make:0.0237 have:0.0193 tho:0.0165 take:0.0147 bo:0.0109 do:0.0095 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7548 the:0.0799 and:0.0350 of:0.0340 a:0.0276 is:0.0184 was:0.0136 be:0.0132 in:0.0130 for:0.0104 -:0.4286 to:0.2631 not:0.1734 will:0.0450 shall:0.0264 may:0.0234 would:0.0124 should:0.0100 and:0.0092 can:0.0086 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6142 of:0.1955 and:0.0635 the:0.0284 in:0.0260 to:0.0222 for:0.0144 with:0.0124 or:0.0124 on:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7267 the:0.1298 a:0.0356 and:0.0288 of:0.0208 is:0.0145 this:0.0144 his:0.0110 was:0.0093 in:0.0089 -:0.5712 of:0.1575 and:0.1107 to:0.0445 in:0.0351 for:0.0223 the:0.0195 that:0.0147 was:0.0123 or:0.0123 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8188 to:0.0705 and:0.0267 as:0.0246 we:0.0141 not:0.0130 it:0.0103 they:0.0088 or:0.0068 you:0.0065 -:0.8086 the:0.1061 a:0.0288 his:0.0105 that:0.0095 all:0.0087 other:0.0073 this:0.0072 then:0.0067 their:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8132 of:0.0552 and:0.0321 in:0.0247 the:0.0196 to:0.0174 a:0.0121 at:0.0092 by:0.0086 that:0.0079 -they:0.2505 :0.4149 we:0.1255 there:0.0792 he:0.0484 it:0.0269 you:0.0248 she:0.0151 which:0.0081 wo:0.0066 -:0.9056 as:0.0160 to:0.0156 and:0.0132 the:0.0124 a:0.0103 so:0.0095 in:0.0076 one:0.0053 more:0.0045 -:0.6416 the:0.0967 of:0.0957 and:0.0353 in:0.0321 is:0.0286 to:0.0218 a:0.0194 was:0.0182 for:0.0105 -:0.6819 the:0.1571 of:0.0379 a:0.0328 in:0.0208 and:0.0188 to:0.0170 this:0.0125 his:0.0114 any:0.0097 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5305 the:0.1577 a:0.1091 his:0.0543 which:0.0457 their:0.0288 this:0.0220 that:0.0201 its:0.0182 tho:0.0135 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3695 a:0.0951 :0.4285 this:0.0211 tho:0.0191 all:0.0187 no:0.0148 tbe:0.0117 our:0.0113 his:0.0103 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7526 in:0.0517 to:0.0459 of:0.0277 less:0.0244 by:0.0226 at:0.0221 for:0.0206 on:0.0176 as:0.0147 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -could:0.1553 would:0.1503 will:0.1044 :0.3503 to:0.0685 can:0.0483 was:0.0444 should:0.0280 is:0.0272 may:0.0232 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7536 and:0.0471 to:0.0432 of:0.0342 the:0.0284 that:0.0225 in:0.0217 a:0.0182 as:0.0157 for:0.0155 -:0.7712 that:0.0637 and:0.0371 which:0.0368 as:0.0276 if:0.0189 when:0.0129 the:0.0114 what:0.0102 where:0.0100 -:0.9168 and:0.0190 well:0.0138 far:0.0100 known:0.0092 of:0.0071 so:0.0070 soon:0.0064 years:0.0056 to:0.0050 -:0.6557 the:0.2071 a:0.0347 to:0.0205 and:0.0184 that:0.0182 it:0.0142 in:0.0120 his:0.0096 of:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6933 of:0.1160 and:0.0735 to:0.0307 in:0.0208 that:0.0163 the:0.0141 is:0.0130 or:0.0114 for:0.0109 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -of:0.2422 :0.4443 in:0.0743 to:0.0713 and:0.0350 by:0.0338 the:0.0306 for:0.0253 with:0.0234 on:0.0198 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.9386 as:0.0149 is:0.0101 right:0.0073 order:0.0070 and:0.0051 subject:0.0049 able:0.0045 time:0.0041 years:0.0036 -:0.8221 in:0.0365 the:0.0221 that:0.0214 to:0.0195 of:0.0186 and:0.0170 by:0.0146 with:0.0141 for:0.0140 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7933 and:0.0402 to:0.0330 of:0.0327 the:0.0263 as:0.0187 in:0.0176 a:0.0137 for:0.0132 is:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9133 and:0.0181 is:0.0169 up:0.0126 was:0.0091 out:0.0085 to:0.0072 as:0.0050 way:0.0047 but:0.0045 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.7993 are:0.0500 have:0.0329 and:0.0267 of:0.0249 to:0.0174 will:0.0135 in:0.0127 for:0.0119 not:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7556 the:0.0795 a:0.0419 to:0.0360 will:0.0235 and:0.0231 be:0.0115 would:0.0109 are:0.0096 an:0.0082 -:0.7394 to:0.0934 of:0.0400 the:0.0376 in:0.0252 and:0.0204 that:0.0137 with:0.0113 by:0.0104 on:0.0086 -:0.6989 of:0.0981 and:0.0767 to:0.0343 in:0.0208 the:0.0167 for:0.0163 as:0.0150 at:0.0117 that:0.0115 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8089 and:0.0371 to:0.0328 the:0.0325 of:0.0306 in:0.0155 a:0.0131 by:0.0118 for:0.0096 that:0.0081 -:0.7549 the:0.0763 a:0.0486 and:0.0456 of:0.0250 is:0.0140 was:0.0110 are:0.0088 to:0.0085 his:0.0072 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8688 the:0.0337 and:0.0264 a:0.0227 of:0.0158 to:0.0108 or:0.0066 is:0.0054 as:0.0049 in:0.0049 -:0.7585 had:0.0495 have:0.0429 are:0.0351 has:0.0253 is:0.0252 was:0.0233 were:0.0155 of:0.0135 in:0.0112 -:0.5716 to:0.2048 and:0.0624 of:0.0479 it:0.0232 the:0.0224 in:0.0217 that:0.0196 a:0.0148 which:0.0116 -:0.9033 time:0.0306 person:0.0146 way:0.0112 right:0.0078 power:0.0078 thing:0.0071 man:0.0065 and:0.0057 year:0.0053 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.7846 the:0.0538 and:0.0429 a:0.0305 in:0.0230 to:0.0216 of:0.0169 was:0.0095 is:0.0091 for:0.0081 -:0.9557 world:0.0083 city:0.0056 same:0.0053 time:0.0046 state:0.0044 house:0.0043 case:0.0040 country:0.0039 following:0.0039 -of:0.1425 :0.5438 to:0.0705 for:0.0492 in:0.0432 with:0.0423 by:0.0351 and:0.0325 from:0.0211 on:0.0197 -:0.8690 the:0.0359 a:0.0250 and:0.0194 that:0.0105 to:0.0099 not:0.0089 be:0.0079 as:0.0068 so:0.0067 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.6323 in:0.0646 the:0.0596 of:0.0558 to:0.0493 that:0.0394 at:0.0277 by:0.0272 for:0.0245 all:0.0196 -:0.8749 and:0.0302 known:0.0171 to:0.0149 so:0.0127 just:0.0111 of:0.0110 him:0.0104 them:0.0092 years:0.0085 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6726 the:0.1156 a:0.0489 he:0.0338 that:0.0321 to:0.0278 it:0.0264 in:0.0156 tho:0.0139 they:0.0134 -:0.8874 one:0.0420 some:0.0170 all:0.0164 each:0.0083 any:0.0072 those:0.0059 virtue:0.0055 thousands:0.0054 account:0.0050 -:0.5257 of:0.0970 to:0.0876 in:0.0750 that:0.0709 for:0.0357 at:0.0312 on:0.0293 by:0.0262 with:0.0213 -:0.9192 and:0.0178 of:0.0173 the:0.0118 to:0.0091 in:0.0070 that:0.0068 for:0.0040 a:0.0036 at:0.0035 -:0.8024 of:0.0560 and:0.0372 the:0.0244 in:0.0202 to:0.0183 that:0.0136 or:0.0100 a:0.0092 for:0.0088 -:0.9403 and:0.0225 to:0.0056 is:0.0052 of:0.0050 that:0.0049 one:0.0045 the:0.0044 was:0.0041 all:0.0036 -far:0.2385 :0.5046 much:0.0666 long:0.0641 well:0.0572 soon:0.0289 it:0.0170 so:0.0096 that:0.0072 described:0.0063 -:0.7864 is:0.0534 and:0.0351 are:0.0292 was:0.0259 to:0.0211 will:0.0135 who:0.0126 were:0.0123 has:0.0105 -:0.8245 the:0.0811 a:0.0231 of:0.0164 and:0.0132 in:0.0100 to:0.0093 that:0.0085 his:0.0080 it:0.0058 -:0.6040 of:0.2028 in:0.0474 for:0.0236 that:0.0234 and:0.0217 with:0.0214 by:0.0195 to:0.0183 the:0.0179 -:0.9500 people:0.0091 city:0.0067 war:0.0052 time:0.0051 same:0.0050 world:0.0050 government:0.0049 man:0.0047 law:0.0043 -:0.8546 the:0.0660 a:0.0251 of:0.0121 and:0.0098 in:0.0088 to:0.0075 one:0.0057 it:0.0053 all:0.0052 -of:0.1913 :0.4610 to:0.1055 and:0.0879 as:0.0527 that:0.0344 for:0.0190 which:0.0165 with:0.0159 but:0.0158 -:0.4595 of:0.1754 to:0.1075 in:0.0672 for:0.0508 and:0.0458 from:0.0259 by:0.0258 on:0.0243 with:0.0179 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6945 is:0.1520 was:0.0560 would:0.0178 and:0.0178 will:0.0170 to:0.0125 are:0.0121 may:0.0102 he:0.0100 -:0.7927 the:0.0591 and:0.0455 of:0.0389 a:0.0156 to:0.0140 in:0.0139 that:0.0071 his:0.0068 for:0.0064 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.7512 and:0.0575 to:0.0479 of:0.0438 the:0.0290 in:0.0220 for:0.0157 that:0.0129 a:0.0103 or:0.0098 -:0.8248 the:0.0570 and:0.0305 of:0.0245 to:0.0149 was:0.0117 is:0.0113 in:0.0102 or:0.0077 a:0.0075 -:0.6374 of:0.1062 and:0.0767 to:0.0591 the:0.0367 in:0.0339 for:0.0153 that:0.0134 at:0.0115 by:0.0099 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6298 not:0.1608 the:0.0797 a:0.0649 an:0.0153 it:0.0123 his:0.0106 to:0.0104 that:0.0082 so:0.0079 -:0.8299 to:0.0432 of:0.0380 and:0.0272 in:0.0183 the:0.0117 for:0.0082 from:0.0082 at:0.0079 on:0.0075 -:0.6774 of:0.1212 and:0.0601 the:0.0433 to:0.0291 in:0.0156 or:0.0148 for:0.0147 a:0.0146 that:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7785 the:0.0538 and:0.0382 of:0.0360 a:0.0217 to:0.0200 that:0.0175 in:0.0145 for:0.0100 or:0.0097 -:0.9042 and:0.0195 together:0.0170 up:0.0115 them:0.0103 to:0.0084 connected:0.0081 that:0.0071 which:0.0071 him:0.0069 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.6732 the:0.0742 to:0.0543 of:0.0529 a:0.0384 and:0.0381 was:0.0242 is:0.0241 will:0.0104 in:0.0103 -:0.7236 of:0.0902 and:0.0634 the:0.0400 to:0.0222 in:0.0169 a:0.0155 that:0.0120 or:0.0085 on:0.0076 -:0.7548 been:0.0606 in:0.0490 to:0.0327 that:0.0191 not:0.0190 for:0.0171 on:0.0166 of:0.0159 at:0.0151 -:0.7680 it:0.1044 be:0.0295 he:0.0237 only:0.0218 there:0.0208 that:0.0147 yet:0.0063 been:0.0054 one:0.0052 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.7487 the:0.0765 of:0.0428 and:0.0420 that:0.0233 for:0.0162 in:0.0134 at:0.0126 by:0.0125 to:0.0119 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -the:0.3316 :0.4422 a:0.0935 his:0.0357 this:0.0246 said:0.0165 their:0.0157 an:0.0146 tho:0.0129 any:0.0127 -:0.8105 to:0.0489 and:0.0471 of:0.0171 the:0.0150 that:0.0148 as:0.0140 is:0.0114 he:0.0113 which:0.0101 -:0.7325 the:0.0576 of:0.0531 and:0.0414 a:0.0282 to:0.0269 that:0.0190 in:0.0167 for:0.0140 it:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4987 to:0.1883 and:0.1019 the:0.0789 of:0.0382 in:0.0234 a:0.0206 is:0.0189 or:0.0161 for:0.0150 -in:0.0178 :0.9058 on:0.0132 upon:0.0101 to:0.0097 from:0.0094 by:0.0093 for:0.0083 that:0.0083 of:0.0082 -:0.7849 the:0.0466 two:0.0334 three:0.0312 not:0.0219 a:0.0199 any:0.0186 more:0.0169 or:0.0136 other:0.0131 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6839 to:0.0738 in:0.0568 that:0.0365 for:0.0319 and:0.0300 of:0.0254 by:0.0243 as:0.0188 the:0.0185 -:0.7948 of:0.0744 and:0.0452 to:0.0250 in:0.0154 was:0.0143 is:0.0105 than:0.0078 for:0.0065 or:0.0061 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9149 few:0.0129 great:0.0105 little:0.0102 good:0.0101 large:0.0101 very:0.0099 to:0.0077 man:0.0073 long:0.0065 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8460 and:0.0449 as:0.0288 or:0.0157 of:0.0149 up:0.0120 feet:0.0117 years:0.0099 but:0.0081 is:0.0080 -:0.9128 said:0.0144 the:0.0143 most:0.0111 other:0.0104 same:0.0102 great:0.0102 whole:0.0056 following:0.0056 very:0.0055 -:0.9542 and:0.0094 together:0.0075 it:0.0057 connection:0.0047 that:0.0046 to:0.0038 time:0.0038 connected:0.0033 more:0.0030 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.4881 to:0.1381 of:0.1323 and:0.0974 in:0.0483 for:0.0224 by:0.0209 the:0.0195 with:0.0171 or:0.0159 -the:0.2707 :0.5605 a:0.0489 this:0.0356 their:0.0227 his:0.0219 tho:0.0160 which:0.0084 its:0.0078 per:0.0075 -:0.8822 of:0.0318 to:0.0159 and:0.0154 in:0.0142 the:0.0106 by:0.0088 on:0.0079 for:0.0069 that:0.0063 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -been:0.2585 :0.5987 not:0.0544 a:0.0232 the:0.0199 no:0.0134 to:0.0087 that:0.0083 made:0.0080 and:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9855 is:0.0024 it:0.0018 out:0.0017 work:0.0015 as:0.0015 know:0.0014 and:0.0014 think:0.0014 they:0.0014 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7460 him:0.0988 them:0.0448 which:0.0292 it:0.0249 that:0.0148 us:0.0129 out:0.0100 up:0.0092 and:0.0092 -:0.9572 made:0.0076 not:0.0057 it:0.0050 that:0.0048 used:0.0046 and:0.0040 provided:0.0039 owned:0.0037 followed:0.0035 -:0.6382 the:0.1023 a:0.0699 and:0.0526 of:0.0400 to:0.0366 in:0.0213 for:0.0140 by:0.0131 an:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -the:0.3119 :0.5375 a:0.0582 this:0.0189 tho:0.0154 any:0.0137 its:0.0119 their:0.0116 said:0.0110 all:0.0098 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9627 city:0.0070 same:0.0054 most:0.0040 right:0.0040 people:0.0035 north:0.0034 county:0.0034 state:0.0033 court:0.0033 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5463 to:0.1673 of:0.1650 and:0.0281 in:0.0269 or:0.0169 for:0.0156 on:0.0118 that:0.0113 at:0.0107 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -of:0.3313 :0.3983 and:0.0700 in:0.0663 to:0.0398 for:0.0270 the:0.0250 at:0.0157 by:0.0143 on:0.0123 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -:0.6393 be:0.1869 not:0.0600 have:0.0471 bo:0.0182 the:0.0161 take:0.0090 make:0.0080 a:0.0078 get:0.0076 -:0.5922 of:0.1829 and:0.0660 the:0.0396 to:0.0357 in:0.0252 or:0.0218 for:0.0148 a:0.0111 are:0.0106 -:0.4592 in:0.1234 to:0.1073 of:0.0941 for:0.0401 on:0.0375 by:0.0373 at:0.0352 and:0.0343 with:0.0317 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.8163 the:0.0513 and:0.0444 to:0.0186 of:0.0174 a:0.0173 he:0.0100 is:0.0096 in:0.0080 was:0.0071 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7135 to:0.0756 of:0.0448 and:0.0379 a:0.0335 the:0.0323 in:0.0209 for:0.0150 by:0.0140 that:0.0125 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.8961 man:0.0268 men:0.0229 people:0.0182 city:0.0091 same:0.0073 best:0.0054 first:0.0050 county:0.0047 whole:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6793 with:0.0643 for:0.0523 in:0.0463 by:0.0355 to:0.0301 that:0.0276 at:0.0251 on:0.0203 of:0.0192 -:0.6769 a:0.1914 the:0.0486 no:0.0151 found:0.0139 so:0.0135 an:0.0121 made:0.0113 very:0.0098 said:0.0074 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -had:0.1937 not:0.1328 :0.2933 been:0.0886 have:0.0694 never:0.0564 already:0.0496 has:0.0411 ever:0.0391 always:0.0360 -:0.9568 same:0.0092 city:0.0075 people:0.0060 first:0.0038 county:0.0038 most:0.0034 other:0.0033 public:0.0032 bill:0.0031 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.5929 of:0.1087 to:0.0606 that:0.0601 and:0.0551 the:0.0365 in:0.0310 for:0.0197 by:0.0186 at:0.0168 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6335 it:0.1167 there:0.0840 he:0.0576 and:0.0322 that:0.0243 who:0.0199 she:0.0135 which:0.0101 was:0.0082 -:0.5246 to:0.1348 of:0.0998 and:0.0500 the:0.0494 in:0.0418 by:0.0319 for:0.0232 with:0.0227 on:0.0219 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7679 and:0.0355 the:0.0315 was:0.0285 is:0.0278 be:0.0245 he:0.0245 has:0.0232 have:0.0189 a:0.0177 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5905 be:0.1650 to:0.0853 been:0.0469 not:0.0290 only:0.0213 he:0.0183 bo:0.0174 have:0.0150 always:0.0113 -:0.7601 of:0.1020 in:0.0339 that:0.0244 and:0.0167 on:0.0138 for:0.0136 with:0.0121 at:0.0119 time:0.0115 -:0.5284 and:0.2613 to:0.0638 was:0.0367 of:0.0258 that:0.0217 is:0.0192 in:0.0157 but:0.0150 for:0.0124 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.4866 :0.3488 his:0.0501 a:0.0266 their:0.0226 this:0.0204 tho:0.0157 its:0.0118 our:0.0100 my:0.0075 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.8581 made:0.0408 found:0.0206 done:0.0129 placed:0.0118 engaged:0.0116 put:0.0116 used:0.0116 held:0.0108 paid:0.0103 -the:0.6579 :0.1910 this:0.0483 a:0.0292 tho:0.0194 our:0.0140 his:0.0125 said:0.0103 any:0.0088 their:0.0086 -:0.6892 of:0.0663 the:0.0625 and:0.0478 to:0.0464 a:0.0255 is:0.0176 in:0.0162 was:0.0156 for:0.0128 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7709 and:0.0551 to:0.0432 as:0.0370 of:0.0233 if:0.0195 which:0.0152 that:0.0143 the:0.0118 for:0.0098 -:0.8111 and:0.0475 to:0.0390 the:0.0228 of:0.0186 is:0.0163 was:0.0154 in:0.0100 will:0.0097 that:0.0096 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -of:0.1797 :0.4013 to:0.1379 in:0.0940 for:0.0414 on:0.0407 and:0.0283 by:0.0264 at:0.0263 from:0.0239 -:0.6541 of:0.0873 the:0.0845 to:0.0525 and:0.0304 in:0.0269 a:0.0215 with:0.0145 that:0.0142 for:0.0141 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5803 be:0.2360 the:0.0998 a:0.0217 have:0.0198 bo:0.0114 his:0.0083 make:0.0079 go:0.0076 do:0.0073 -:0.8298 and:0.0439 to:0.0382 is:0.0152 was:0.0149 the:0.0144 he:0.0129 be:0.0109 are:0.0109 of:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6897 the:0.1560 as:0.0551 that:0.0199 his:0.0160 and:0.0159 in:0.0126 of:0.0123 their:0.0120 a:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8002 of:0.0827 and:0.0418 to:0.0209 in:0.0138 the:0.0105 for:0.0093 or:0.0074 on:0.0070 that:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8425 of:0.0372 and:0.0302 the:0.0236 to:0.0148 a:0.0142 that:0.0104 for:0.0101 in:0.0089 on:0.0081 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9079 same:0.0270 other:0.0113 said:0.0107 first:0.0074 great:0.0073 highest:0.0073 two:0.0072 last:0.0069 a:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.3566 :0.3440 in:0.0711 to:0.0557 for:0.0337 from:0.0326 and:0.0306 on:0.0267 with:0.0252 at:0.0237 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5856 well:0.1788 soon:0.0844 far:0.0448 it:0.0339 much:0.0266 long:0.0138 to:0.0116 a:0.0104 he:0.0101 -:0.7740 of:0.0779 and:0.0488 are:0.0182 to:0.0164 in:0.0148 or:0.0132 that:0.0126 the:0.0121 is:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.6726 the:0.1217 and:0.0498 a:0.0412 to:0.0387 of:0.0377 or:0.0105 in:0.0103 is:0.0095 was:0.0081 -:0.9168 and:0.0211 to:0.0137 of:0.0087 out:0.0075 that:0.0072 up:0.0069 him:0.0065 them:0.0060 but:0.0056 -:0.7881 of:0.0558 and:0.0306 to:0.0293 is:0.0222 in:0.0192 the:0.0180 was:0.0145 for:0.0122 a:0.0101 -:0.5629 of:0.1324 to:0.1090 and:0.0685 the:0.0315 in:0.0270 for:0.0180 will:0.0171 as:0.0170 is:0.0166 -be:0.0840 not:0.0487 have:0.0293 bo:0.0240 take:0.0147 :0.7543 find:0.0137 the:0.0132 a:0.0097 see:0.0084 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5576 the:0.1693 a:0.0591 of:0.0546 to:0.0425 and:0.0397 in:0.0266 that:0.0181 his:0.0172 by:0.0154 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7376 in:0.0363 with:0.0335 by:0.0335 to:0.0323 as:0.0283 for:0.0282 of:0.0253 at:0.0228 such:0.0222 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7016 to:0.0743 the:0.0482 and:0.0466 of:0.0456 in:0.0246 that:0.0170 a:0.0145 for:0.0145 as:0.0131 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.5202 :0.3462 his:0.0246 this:0.0243 a:0.0240 tho:0.0217 their:0.0149 an:0.0087 tbe:0.0082 her:0.0072 -:0.9029 and:0.0266 out:0.0122 was:0.0117 is:0.0091 up:0.0088 made:0.0082 to:0.0081 held:0.0071 situated:0.0053 -:0.8604 made:0.0474 taken:0.0134 held:0.0130 done:0.0118 followed:0.0115 found:0.0115 not:0.0114 given:0.0107 born:0.0090 -:0.6005 of:0.1111 and:0.1028 to:0.0485 the:0.0339 in:0.0289 is:0.0240 for:0.0175 was:0.0171 he:0.0157 -:0.9397 hour:0.0262 home:0.0050 acre:0.0049 act:0.0043 right:0.0042 old:0.0040 inch:0.0040 time:0.0039 opportunity:0.0038 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9357 and:0.0167 the:0.0114 it:0.0060 was:0.0058 to:0.0057 is:0.0052 who:0.0047 of:0.0044 he:0.0044 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5161 is:0.1354 was:0.1006 are:0.0782 will:0.0555 were:0.0341 to:0.0293 would:0.0222 and:0.0159 can:0.0127 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7237 a:0.0767 and:0.0458 the:0.0422 of:0.0396 is:0.0182 are:0.0180 for:0.0142 in:0.0111 by:0.0105 -:0.8430 to:0.0537 in:0.0163 and:0.0159 been:0.0148 a:0.0140 by:0.0124 the:0.0114 had:0.0092 of:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6146 in:0.0661 of:0.0647 to:0.0639 and:0.0531 that:0.0295 with:0.0280 for:0.0274 at:0.0264 on:0.0263 -:0.7841 the:0.0501 to:0.0422 a:0.0259 and:0.0197 of:0.0196 in:0.0180 by:0.0145 other:0.0136 for:0.0123 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.7306 the:0.1079 to:0.0381 in:0.0254 a:0.0220 and:0.0217 of:0.0201 that:0.0117 for:0.0116 it:0.0111 -:0.8491 and:0.0433 the:0.0247 that:0.0161 to:0.0134 it:0.0126 of:0.0116 a:0.0104 which:0.0094 is:0.0092 -:0.6606 those:0.2147 the:0.0320 men:0.0312 this:0.0159 one:0.0149 all:0.0121 said:0.0086 a:0.0053 that:0.0048 -:0.5702 which:0.1520 that:0.1412 what:0.0285 the:0.0239 as:0.0215 whom:0.0195 order:0.0171 if:0.0149 said:0.0112 -:0.7054 have:0.0748 in:0.0450 are:0.0377 of:0.0362 for:0.0289 to:0.0287 with:0.0165 on:0.0146 and:0.0124 -:0.8899 now:0.0278 not:0.0235 made:0.0122 held:0.0092 placed:0.0089 that:0.0083 being:0.0075 so:0.0066 it:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5387 of:0.1486 as:0.0687 and:0.0573 that:0.0371 in:0.0346 for:0.0334 to:0.0302 with:0.0301 which:0.0213 -:0.7223 of:0.0914 and:0.0554 to:0.0294 that:0.0234 the:0.0222 in:0.0212 at:0.0123 a:0.0113 for:0.0111 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.3522 a:0.1018 :0.3480 this:0.0452 his:0.0424 any:0.0287 their:0.0257 tho:0.0210 some:0.0196 its:0.0154 -:0.7947 of:0.0621 and:0.0510 to:0.0190 the:0.0153 in:0.0138 is:0.0129 for:0.0111 with:0.0103 that:0.0096 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6975 of:0.1226 and:0.0454 in:0.0308 to:0.0242 the:0.0205 from:0.0159 on:0.0150 for:0.0149 with:0.0134 -:0.7548 been:0.0950 the:0.0487 a:0.0266 to:0.0220 and:0.0162 of:0.0120 be:0.0103 in:0.0095 that:0.0049 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.6238 of:0.1723 to:0.0463 and:0.0443 in:0.0318 the:0.0261 is:0.0175 for:0.0137 a:0.0123 that:0.0119 -:0.6739 and:0.1288 of:0.0493 but:0.0397 is:0.0291 that:0.0213 was:0.0163 to:0.0156 in:0.0153 all:0.0107 -:0.8197 the:0.0314 and:0.0253 are:0.0211 has:0.0207 to:0.0190 had:0.0163 was:0.0160 is:0.0153 a:0.0152 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.8017 and:0.0405 the:0.0296 to:0.0262 he:0.0233 who:0.0231 is:0.0156 has:0.0148 was:0.0129 of:0.0123 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9050 pay:0.0142 be:0.0132 vote:0.0122 him:0.0110 call:0.0099 provide:0.0096 work:0.0093 look:0.0085 do:0.0070 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7722 he:0.0441 they:0.0397 it:0.0315 and:0.0284 who:0.0242 we:0.0212 which:0.0152 that:0.0144 you:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7462 the:0.0644 to:0.0445 and:0.0376 of:0.0328 in:0.0218 a:0.0195 by:0.0127 for:0.0113 at:0.0092 -of:0.1197 :0.7162 and:0.0457 to:0.0288 in:0.0243 for:0.0166 on:0.0133 from:0.0122 or:0.0116 is:0.0116 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.6878 to:0.1031 in:0.0469 of:0.0437 and:0.0291 the:0.0274 is:0.0164 for:0.0161 was:0.0158 that:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7158 in:0.0791 all:0.0345 to:0.0295 for:0.0264 at:0.0253 of:0.0237 on:0.0232 if:0.0213 by:0.0212 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.8548 as:0.0469 and:0.0382 is:0.0153 but:0.0096 up:0.0088 are:0.0069 him:0.0069 or:0.0067 them:0.0059 -:0.7536 th:0.1153 last:0.0283 other:0.0178 whole:0.0175 first:0.0158 next:0.0158 same:0.0138 most:0.0135 the:0.0086 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7233 the:0.0683 of:0.0420 and:0.0407 to:0.0405 a:0.0342 in:0.0166 with:0.0122 for:0.0115 was:0.0108 -:0.7436 the:0.1027 that:0.0325 which:0.0318 and:0.0248 to:0.0180 in:0.0134 it:0.0132 his:0.0100 of:0.0100 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9169 of:0.0281 and:0.0126 little:0.0081 much:0.0064 large:0.0064 a:0.0059 the:0.0056 more:0.0051 in:0.0049 -:0.8418 of:0.0661 and:0.0286 to:0.0186 day:0.0114 in:0.0087 or:0.0072 time:0.0061 the:0.0059 that:0.0056 -will:0.2793 would:0.0976 can:0.0779 :0.2678 may:0.0703 shall:0.0456 must:0.0448 could:0.0435 should:0.0387 to:0.0347 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5314 of:0.1131 in:0.0622 to:0.0531 and:0.0459 is:0.0457 for:0.0413 as:0.0412 with:0.0336 was:0.0325 -:0.9568 the:0.0110 it:0.0055 him:0.0053 them:0.0045 a:0.0041 up:0.0038 in:0.0033 and:0.0030 all:0.0026 -:0.6643 the:0.1206 of:0.0634 to:0.0375 a:0.0353 and:0.0278 this:0.0177 that:0.0133 for:0.0104 his:0.0096 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.7376 of:0.0673 the:0.0470 and:0.0428 to:0.0314 in:0.0255 for:0.0135 a:0.0121 that:0.0116 as:0.0112 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -:0.7073 the:0.0535 to:0.0454 and:0.0405 of:0.0394 in:0.0310 a:0.0230 that:0.0215 by:0.0204 for:0.0181 -:0.6875 the:0.0747 to:0.0568 of:0.0505 and:0.0438 a:0.0248 in:0.0207 that:0.0155 is:0.0148 by:0.0110 -:0.8802 who:0.0332 which:0.0207 men:0.0110 and:0.0109 days:0.0109 as:0.0090 they:0.0088 we:0.0084 years:0.0069 -:0.8309 the:0.0581 a:0.0221 of:0.0178 and:0.0175 in:0.0155 to:0.0132 that:0.0102 for:0.0079 as:0.0069 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7576 ago:0.0872 and:0.0340 it:0.0334 that:0.0310 to:0.0143 he:0.0126 there:0.0111 which:0.0107 man:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6089 to:0.0829 of:0.0779 in:0.0705 at:0.0330 on:0.0316 by:0.0295 for:0.0237 that:0.0211 and:0.0210 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9169 of:0.0281 and:0.0126 little:0.0081 much:0.0064 large:0.0064 a:0.0059 the:0.0056 more:0.0051 in:0.0049 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8537 the:0.0535 a:0.0519 and:0.0085 to:0.0076 they:0.0055 any:0.0052 said:0.0048 are:0.0047 we:0.0046 -:0.5819 of:0.2269 and:0.0812 to:0.0346 in:0.0222 for:0.0160 the:0.0113 that:0.0108 as:0.0078 which:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9479 as:0.0163 it:0.0056 and:0.0053 them:0.0052 able:0.0042 up:0.0042 him:0.0040 is:0.0038 time:0.0034 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.9254 time:0.0129 power:0.0107 as:0.0104 way:0.0095 right:0.0081 efforts:0.0071 and:0.0055 feet:0.0053 him:0.0051 -be:0.3454 :0.4966 the:0.0553 not:0.0240 have:0.0235 bo:0.0197 a:0.0128 to:0.0077 that:0.0077 make:0.0074 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6607 of:0.1707 and:0.0686 in:0.0201 to:0.0184 the:0.0166 was:0.0129 is:0.0113 for:0.0110 or:0.0097 -:0.7067 of:0.0763 to:0.0573 and:0.0370 in:0.0352 as:0.0225 by:0.0179 at:0.0171 for:0.0163 not:0.0136 -:0.7103 a:0.0683 the:0.0666 and:0.0469 to:0.0385 of:0.0325 is:0.0108 was:0.0095 be:0.0086 his:0.0081 -:0.9687 said:0.0050 same:0.0048 best:0.0034 first:0.0034 present:0.0032 city:0.0032 time:0.0030 people:0.0028 right:0.0025 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.8309 the:0.0581 a:0.0221 of:0.0178 and:0.0175 in:0.0155 to:0.0132 that:0.0102 for:0.0079 as:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6504 is:0.1189 was:0.0961 the:0.0472 a:0.0356 are:0.0130 and:0.0112 not:0.0107 be:0.0093 as:0.0076 -of:0.1403 to:0.1222 in:0.0878 :0.4343 for:0.0579 from:0.0399 and:0.0322 on:0.0291 at:0.0287 with:0.0278 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.4380 he:0.1922 they:0.1763 we:0.0633 it:0.0408 you:0.0235 she:0.0216 who:0.0206 there:0.0155 one:0.0084 -:0.8282 the:0.0486 a:0.0208 of:0.0204 in:0.0174 and:0.0166 that:0.0151 to:0.0138 is:0.0101 are:0.0090 -the:0.5725 :0.2424 a:0.0766 his:0.0254 tho:0.0216 our:0.0145 their:0.0127 this:0.0115 such:0.0114 its:0.0113 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -be:0.2113 :0.6344 not:0.0378 that:0.0304 he:0.0240 to:0.0154 bo:0.0149 it:0.0121 as:0.0104 have:0.0093 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8174 of:0.0582 to:0.0318 and:0.0284 the:0.0193 in:0.0141 that:0.0105 a:0.0073 for:0.0067 from:0.0063 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7993 to:0.0665 a:0.0474 and:0.0284 the:0.0136 it:0.0120 of:0.0091 in:0.0081 his:0.0081 one:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.9496 large:0.0079 year:0.0073 long:0.0067 man:0.0057 hundred:0.0056 day:0.0055 good:0.0044 little:0.0037 matter:0.0035 -:0.6875 of:0.0539 is:0.0500 not:0.0490 and:0.0460 was:0.0406 be:0.0277 are:0.0159 have:0.0157 to:0.0137 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8117 and:0.0633 the:0.0215 of:0.0208 to:0.0179 was:0.0158 in:0.0143 is:0.0125 have:0.0114 had:0.0108 -a:0.2135 the:0.1636 :0.5156 to:0.0229 no:0.0217 an:0.0156 his:0.0128 of:0.0125 in:0.0112 be:0.0105 -:0.8899 now:0.0278 not:0.0235 made:0.0122 held:0.0092 placed:0.0089 that:0.0083 being:0.0075 so:0.0066 it:0.0061 -:0.9160 day:0.0289 side:0.0090 and:0.0090 years:0.0076 amount:0.0063 line:0.0062 part:0.0059 end:0.0056 one:0.0055 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7104 it:0.0752 he:0.0571 there:0.0498 and:0.0285 which:0.0224 she:0.0215 who:0.0134 to:0.0111 that:0.0107 -:0.5832 to:0.1431 the:0.0714 of:0.0526 and:0.0460 in:0.0282 a:0.0237 for:0.0218 by:0.0156 it:0.0145 -:0.6463 of:0.1460 and:0.0824 in:0.0250 to:0.0228 for:0.0191 or:0.0182 at:0.0136 that:0.0133 as:0.0133 -:0.7467 all:0.0521 that:0.0491 in:0.0310 which:0.0307 the:0.0227 of:0.0221 by:0.0194 on:0.0134 to:0.0128 -:0.8451 the:0.0298 to:0.0255 and:0.0199 that:0.0181 a:0.0176 of:0.0162 in:0.0113 for:0.0092 it:0.0072 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.7501 the:0.0500 and:0.0436 to:0.0425 in:0.0340 of:0.0253 that:0.0150 a:0.0135 for:0.0130 by:0.0129 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8161 night:0.0328 fact:0.0327 week:0.0286 of:0.0219 and:0.0210 year:0.0147 but:0.0135 so:0.0094 is:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6358 the:0.1119 to:0.0899 a:0.0525 of:0.0385 and:0.0311 in:0.0122 this:0.0108 his:0.0094 for:0.0079 -:0.9237 and:0.0218 to:0.0147 in:0.0125 of:0.0053 out:0.0050 up:0.0045 on:0.0045 it:0.0042 or:0.0037 -:0.6751 the:0.0822 a:0.0657 of:0.0638 to:0.0346 and:0.0289 in:0.0162 for:0.0139 his:0.0114 by:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.8733 him:0.0351 them:0.0295 it:0.0123 us:0.0118 me:0.0105 as:0.0082 order:0.0080 regard:0.0057 her:0.0057 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7251 it:0.0555 he:0.0426 that:0.0391 and:0.0354 which:0.0317 they:0.0287 who:0.0167 we:0.0164 as:0.0089 -:0.7039 of:0.1039 to:0.0711 and:0.0357 than:0.0264 in:0.0188 is:0.0113 was:0.0105 or:0.0101 on:0.0081 -:0.7197 of:0.1066 and:0.0597 to:0.0393 in:0.0145 the:0.0144 or:0.0144 with:0.0106 for:0.0106 by:0.0101 -:0.6844 the:0.1470 a:0.0731 of:0.0247 and:0.0195 his:0.0139 per:0.0110 this:0.0093 tho:0.0087 any:0.0085 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9401 and:0.0230 is:0.0083 are:0.0057 out:0.0043 years:0.0040 up:0.0039 but:0.0038 of:0.0034 was:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6688 be:0.1250 the:0.1086 a:0.0281 make:0.0148 his:0.0129 take:0.0114 this:0.0103 bo:0.0101 any:0.0099 -of:0.2348 :0.3564 to:0.1134 in:0.0707 by:0.0413 that:0.0411 and:0.0391 for:0.0377 on:0.0337 from:0.0318 -:0.8617 that:0.0216 out:0.0206 and:0.0198 up:0.0176 to:0.0152 made:0.0136 him:0.0115 as:0.0108 but:0.0078 -be:0.3454 :0.4966 the:0.0553 not:0.0240 have:0.0235 bo:0.0197 a:0.0128 to:0.0077 that:0.0077 make:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7292 that:0.0550 and:0.0507 as:0.0395 but:0.0262 to:0.0256 which:0.0230 of:0.0196 for:0.0173 him:0.0139 -:0.9435 same:0.0101 people:0.0099 city:0.0092 government:0.0055 world:0.0053 law:0.0044 time:0.0044 right:0.0042 country:0.0036 -:0.9586 way:0.0073 house:0.0054 men:0.0047 country:0.0044 time:0.0043 hand:0.0041 day:0.0038 words:0.0038 year:0.0035 -:0.6062 the:0.1595 to:0.0531 and:0.0326 a:0.0290 of:0.0288 in:0.0263 he:0.0233 is:0.0231 by:0.0181 -of:0.3864 :0.3288 in:0.0782 to:0.0751 on:0.0316 and:0.0288 for:0.0246 with:0.0185 from:0.0163 by:0.0118 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8440 up:0.0396 and:0.0318 him:0.0170 out:0.0165 but:0.0112 them:0.0109 to:0.0099 is:0.0099 that:0.0093 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.5801 be:0.2063 to:0.0608 have:0.0412 the:0.0253 only:0.0234 been:0.0215 he:0.0198 as:0.0112 that:0.0105 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -been:0.3059 :0.5297 not:0.0357 had:0.0324 never:0.0243 did:0.0171 do:0.0163 ever:0.0156 is:0.0120 are:0.0111 -:0.7562 have:0.0631 had:0.0485 has:0.0360 and:0.0244 the:0.0208 be:0.0154 he:0.0133 to:0.0123 a:0.0099 -:0.7445 other:0.1585 the:0.0276 one:0.0200 more:0.0110 public:0.0096 same:0.0079 and:0.0074 great:0.0073 person:0.0062 -:0.7537 been:0.0726 taken:0.0439 not:0.0253 gone:0.0212 made:0.0206 come:0.0185 put:0.0149 so:0.0148 given:0.0145 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3197 :0.5165 a:0.0780 of:0.0199 and:0.0153 tho:0.0121 per:0.0120 is:0.0095 was:0.0086 this:0.0084 -:0.6674 of:0.0840 to:0.0767 and:0.0424 in:0.0373 by:0.0205 for:0.0203 the:0.0188 at:0.0174 from:0.0152 -:0.7216 the:0.1142 and:0.0325 a:0.0283 is:0.0279 was:0.0234 of:0.0220 be:0.0118 he:0.0100 are:0.0085 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6087 the:0.1320 to:0.0949 a:0.0567 and:0.0253 of:0.0242 in:0.0199 his:0.0158 he:0.0115 for:0.0109 -:0.6981 of:0.0890 and:0.0736 to:0.0504 in:0.0256 for:0.0166 at:0.0126 that:0.0124 by:0.0110 or:0.0105 -:0.5908 in:0.0785 of:0.0721 for:0.0597 that:0.0414 to:0.0354 and:0.0339 from:0.0322 on:0.0289 by:0.0271 -:0.8759 of:0.0504 and:0.0247 the:0.0110 as:0.0081 in:0.0079 or:0.0062 for:0.0055 is:0.0055 way:0.0050 -:0.8787 as:0.0179 up:0.0155 is:0.0152 him:0.0143 according:0.0135 them:0.0125 it:0.0123 and:0.0120 you:0.0082 -:0.8129 able:0.0746 made:0.0219 allowed:0.0194 given:0.0148 required:0.0116 compelled:0.0115 used:0.0115 ready:0.0112 liable:0.0105 -:0.7979 and:0.0598 as:0.0409 that:0.0260 they:0.0176 we:0.0160 of:0.0153 is:0.0091 who:0.0089 he:0.0086 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -he:0.3438 :0.3508 they:0.0952 she:0.0632 we:0.0554 it:0.0396 there:0.0191 ho:0.0151 you:0.0102 which:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7061 a:0.0759 not:0.0586 the:0.0407 an:0.0275 no:0.0265 now:0.0236 to:0.0147 hereby:0.0140 more:0.0124 -that:0.1351 :0.4932 as:0.0813 to:0.0622 and:0.0588 but:0.0401 for:0.0389 if:0.0371 of:0.0316 in:0.0216 -:0.8956 year:0.0237 time:0.0163 day:0.0151 man:0.0146 matter:0.0093 point:0.0086 moment:0.0058 bill:0.0055 week:0.0054 -:0.7485 to:0.0567 in:0.0381 of:0.0377 and:0.0353 the:0.0269 for:0.0163 a:0.0160 by:0.0129 was:0.0116 -:0.6033 the:0.1387 to:0.0623 of:0.0428 and:0.0382 that:0.0293 in:0.0260 a:0.0241 by:0.0211 at:0.0143 -the:0.0298 a:0.0239 two:0.0075 an:0.0070 :0.9067 his:0.0057 their:0.0054 tho:0.0053 per:0.0045 three:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7204 the:0.1020 a:0.0569 and:0.0536 of:0.0250 his:0.0118 he:0.0086 is:0.0083 to:0.0068 this:0.0067 -:0.8254 of:0.0305 and:0.0285 to:0.0262 by:0.0185 the:0.0160 in:0.0158 with:0.0149 for:0.0125 from:0.0117 -of:0.2419 :0.6223 and:0.0495 or:0.0202 in:0.0143 to:0.0136 the:0.0127 for:0.0100 that:0.0091 who:0.0063 -:0.6989 the:0.0764 of:0.0665 and:0.0416 to:0.0354 in:0.0268 a:0.0169 for:0.0161 that:0.0107 by:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7141 in:0.0744 to:0.0439 of:0.0427 on:0.0276 for:0.0240 made:0.0208 that:0.0186 at:0.0172 by:0.0168 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2523 in:0.1069 :0.3490 to:0.0881 with:0.0516 for:0.0416 and:0.0336 by:0.0304 from:0.0251 on:0.0214 -:0.9590 same:0.0099 two:0.0057 right:0.0049 best:0.0041 other:0.0038 people:0.0034 most:0.0032 time:0.0031 city:0.0030 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.7329 than:0.1420 of:0.0425 and:0.0196 to:0.0181 the:0.0125 or:0.0121 in:0.0092 with:0.0056 on:0.0054 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -the:0.5662 :0.2542 a:0.0663 to:0.0246 any:0.0217 his:0.0152 this:0.0142 tho:0.0142 their:0.0123 in:0.0111 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6624 the:0.1038 of:0.0770 and:0.0339 to:0.0262 a:0.0257 in:0.0255 was:0.0169 is:0.0157 by:0.0130 -:0.9157 men:0.0144 one:0.0127 man:0.0127 county:0.0100 city:0.0094 that:0.0085 case:0.0067 people:0.0051 and:0.0047 -:0.6144 the:0.1124 a:0.0983 of:0.0375 his:0.0367 and:0.0284 in:0.0217 to:0.0208 is:0.0205 no:0.0093 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7518 of:0.0794 and:0.0599 to:0.0287 in:0.0205 for:0.0160 the:0.0129 that:0.0107 is:0.0101 as:0.0099 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8309 he:0.0378 it:0.0309 the:0.0256 and:0.0234 one:0.0124 that:0.0119 there:0.0103 is:0.0100 him:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7341 to:0.0936 and:0.0420 the:0.0273 of:0.0220 a:0.0187 is:0.0187 was:0.0172 or:0.0132 will:0.0130 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8787 as:0.0179 up:0.0155 is:0.0152 him:0.0143 according:0.0135 them:0.0125 it:0.0123 and:0.0120 you:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7723 hundred:0.1389 years:0.0172 days:0.0144 months:0.0141 of:0.0127 and:0.0103 day:0.0078 year:0.0063 men:0.0060 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.9742 it:0.0053 the:0.0037 wife:0.0029 then:0.0026 that:0.0025 he:0.0025 there:0.0025 interest:0.0019 in:0.0019 -:0.7340 of:0.0630 the:0.0433 in:0.0355 and:0.0334 for:0.0219 with:0.0190 to:0.0183 at:0.0165 a:0.0150 -:0.5717 the:0.1322 a:0.0630 to:0.0472 of:0.0394 was:0.0394 and:0.0363 is:0.0297 be:0.0240 in:0.0171 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -and:0.0968 :0.6161 will:0.0608 to:0.0491 may:0.0360 would:0.0338 of:0.0320 is:0.0309 was:0.0229 the:0.0215 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6507 of:0.1390 and:0.0578 in:0.0276 at:0.0259 to:0.0257 for:0.0211 by:0.0182 with:0.0172 that:0.0168 -:0.6993 the:0.1852 a:0.0409 and:0.0142 to:0.0130 his:0.0111 it:0.0098 in:0.0094 tho:0.0088 this:0.0082 -:0.7106 to:0.0692 the:0.0544 and:0.0527 a:0.0432 of:0.0236 he:0.0125 who:0.0116 was:0.0113 is:0.0110 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8156 of:0.0420 the:0.0306 and:0.0306 to:0.0280 a:0.0158 in:0.0151 for:0.0084 at:0.0072 is:0.0067 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8430 to:0.0537 in:0.0163 and:0.0159 been:0.0148 a:0.0140 by:0.0124 the:0.0114 had:0.0092 of:0.0092 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6884 the:0.0701 to:0.0588 and:0.0580 he:0.0317 a:0.0224 his:0.0215 that:0.0204 in:0.0146 is:0.0142 -:0.9385 and:0.0189 to:0.0075 bidder:0.0061 out:0.0061 it:0.0059 up:0.0048 him:0.0043 but:0.0040 than:0.0039 -:0.8042 made:0.0575 held:0.0220 done:0.0201 paid:0.0197 given:0.0165 found:0.0164 used:0.0160 taken:0.0142 followed:0.0135 -:0.9154 and:0.0306 one:0.0094 is:0.0086 was:0.0080 a:0.0068 the:0.0063 to:0.0052 are:0.0051 of:0.0046 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8543 it:0.0335 which:0.0285 the:0.0245 order:0.0194 one:0.0121 this:0.0087 that:0.0067 a:0.0063 you:0.0060 -:0.9603 people:0.0114 city:0.0049 time:0.0048 men:0.0034 county:0.0034 world:0.0032 country:0.0031 bill:0.0027 man:0.0027 -:0.6790 to:0.0963 of:0.0500 the:0.0487 and:0.0321 in:0.0295 a:0.0240 that:0.0151 for:0.0136 by:0.0118 -:0.7423 the:0.0675 to:0.0652 and:0.0440 a:0.0371 of:0.0174 or:0.0076 in:0.0071 was:0.0066 will:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.8648 and:0.0291 the:0.0246 of:0.0166 is:0.0133 that:0.0129 a:0.0108 he:0.0101 which:0.0089 was:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7148 to:0.0765 and:0.0616 of:0.0282 the:0.0262 at:0.0217 that:0.0214 for:0.0194 will:0.0165 in:0.0138 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -to:0.1954 :0.4907 the:0.0694 of:0.0555 in:0.0537 and:0.0327 for:0.0306 any:0.0296 by:0.0236 as:0.0188 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7442 the:0.0691 of:0.0527 in:0.0343 and:0.0221 at:0.0213 a:0.0164 for:0.0157 by:0.0133 with:0.0108 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9073 hour:0.0454 interest:0.0090 home:0.0082 opportunity:0.0063 inch:0.0055 land:0.0051 increase:0.0046 acre:0.0045 office:0.0042 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.5682 :0.2710 of:0.0532 and:0.0320 in:0.0241 for:0.0158 with:0.0144 or:0.0084 that:0.0071 on:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9563 up:0.0079 and:0.0073 it:0.0057 him:0.0046 hundred:0.0041 of:0.0037 men:0.0037 days:0.0034 life:0.0034 -:0.6452 that:0.1265 as:0.0501 which:0.0408 where:0.0281 if:0.0258 but:0.0240 and:0.0221 because:0.0200 when:0.0174 -:0.6295 of:0.1598 and:0.0525 to:0.0459 who:0.0374 in:0.0256 is:0.0153 was:0.0139 are:0.0101 or:0.0100 -:0.6416 as:0.1408 that:0.0430 and:0.0363 when:0.0348 of:0.0333 where:0.0197 if:0.0195 but:0.0185 for:0.0125 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.5662 of:0.1151 to:0.1100 and:0.0719 in:0.0347 the:0.0239 for:0.0232 from:0.0205 by:0.0187 with:0.0157 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5759 the:0.2163 a:0.0928 their:0.0206 tho:0.0195 his:0.0164 its:0.0163 that:0.0154 any:0.0142 an:0.0126 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.8967 to:0.0208 and:0.0160 a:0.0160 he:0.0152 one:0.0109 it:0.0092 the:0.0062 time:0.0045 in:0.0044 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7237 the:0.0655 of:0.0522 in:0.0414 and:0.0389 is:0.0201 for:0.0168 a:0.0157 was:0.0145 with:0.0113 -:0.6508 in:0.0826 of:0.0662 to:0.0472 for:0.0333 on:0.0310 by:0.0227 from:0.0223 with:0.0221 that:0.0219 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7419 has:0.0436 and:0.0381 was:0.0368 have:0.0309 is:0.0294 had:0.0251 the:0.0241 to:0.0173 be:0.0128 -to:0.5651 :0.2706 will:0.0601 and:0.0203 shall:0.0202 may:0.0160 should:0.0160 would:0.0138 can:0.0102 it:0.0077 -to:0.4316 :0.3025 will:0.1040 may:0.0392 shall:0.0294 can:0.0225 would:0.0204 should:0.0197 not:0.0179 must:0.0128 -:0.5961 the:0.1966 a:0.0573 of:0.0543 his:0.0236 and:0.0193 in:0.0167 this:0.0133 that:0.0118 for:0.0111 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8320 the:0.0495 to:0.0245 a:0.0221 and:0.0187 in:0.0163 of:0.0112 be:0.0093 that:0.0088 have:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.6177 of:0.1418 and:0.0449 in:0.0409 as:0.0385 to:0.0382 for:0.0255 is:0.0197 was:0.0173 or:0.0154 -:0.9258 and:0.0231 to:0.0117 went:0.0064 that:0.0064 it:0.0062 came:0.0055 is:0.0053 as:0.0049 which:0.0047 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -the:0.3170 :0.4154 a:0.1333 to:0.0432 his:0.0211 their:0.0169 and:0.0159 this:0.0140 an:0.0125 in:0.0108 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6426 of:0.1100 to:0.0772 and:0.0646 the:0.0284 in:0.0280 for:0.0139 with:0.0133 or:0.0117 is:0.0103 -:0.7880 be:0.1143 have:0.0310 not:0.0203 the:0.0154 bo:0.0070 had:0.0069 a:0.0061 and:0.0055 are:0.0054 -:0.8604 made:0.0474 taken:0.0134 held:0.0130 done:0.0118 followed:0.0115 found:0.0115 not:0.0114 given:0.0107 born:0.0090 -:0.9041 the:0.0376 of:0.0149 and:0.0104 a:0.0087 in:0.0056 or:0.0052 more:0.0045 that:0.0045 years:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 the:0.0658 and:0.0364 of:0.0234 a:0.0157 that:0.0118 he:0.0096 is:0.0095 was:0.0086 in:0.0072 -:0.6402 the:0.2336 a:0.0374 to:0.0186 and:0.0173 in:0.0149 of:0.0108 tho:0.0102 it:0.0088 that:0.0082 -:0.8577 was:0.0449 had:0.0218 is:0.0158 soon:0.0148 has:0.0145 would:0.0095 and:0.0073 found:0.0071 so:0.0066 -:0.6066 and:0.1102 of:0.1038 to:0.0389 the:0.0374 in:0.0333 by:0.0216 for:0.0180 with:0.0172 on:0.0131 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6727 of:0.1031 and:0.1028 to:0.0461 or:0.0174 the:0.0141 but:0.0127 so:0.0115 them:0.0107 who:0.0089 -:0.6220 of:0.1808 and:0.0762 or:0.0224 to:0.0218 that:0.0203 the:0.0163 in:0.0154 for:0.0130 he:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9405 man:0.0237 few:0.0070 time:0.0051 bill:0.0047 little:0.0039 matter:0.0039 gentleman:0.0038 day:0.0038 long:0.0036 -:0.6372 the:0.2183 this:0.0283 a:0.0240 to:0.0188 his:0.0181 it:0.0172 he:0.0149 tho:0.0119 which:0.0114 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.8680 up:0.0252 as:0.0189 him:0.0189 them:0.0184 and:0.0170 time:0.0110 way:0.0078 it:0.0076 or:0.0073 -:0.9413 than:0.0307 hundred:0.0086 and:0.0036 up:0.0031 it:0.0031 years:0.0027 time:0.0023 more:0.0023 or:0.0023 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.6772 of:0.0713 the:0.0558 to:0.0527 and:0.0504 in:0.0301 that:0.0200 a:0.0168 for:0.0142 at:0.0115 -of:0.2205 :0.4305 in:0.0982 to:0.0545 for:0.0457 on:0.0337 and:0.0315 from:0.0312 by:0.0272 at:0.0271 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8196 and:0.0385 of:0.0315 the:0.0245 to:0.0201 in:0.0172 was:0.0160 is:0.0146 a:0.0099 had:0.0080 -:0.5875 of:0.1554 and:0.1044 as:0.0503 but:0.0237 where:0.0224 with:0.0149 in:0.0141 that:0.0137 which:0.0136 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.6274 the:0.1449 of:0.0628 to:0.0417 and:0.0391 in:0.0285 a:0.0222 for:0.0131 was:0.0108 by:0.0096 -:0.8412 of:0.0436 and:0.0297 to:0.0228 a:0.0149 the:0.0128 in:0.0122 for:0.0107 other:0.0061 or:0.0059 -be:0.4595 :0.3862 bo:0.0388 not:0.0310 have:0.0302 the:0.0196 take:0.0111 a:0.0098 make:0.0073 get:0.0066 -:0.6496 of:0.1302 to:0.0581 and:0.0389 the:0.0295 in:0.0285 on:0.0208 or:0.0157 a:0.0152 at:0.0135 -:0.7000 it:0.0588 he:0.0407 they:0.0372 we:0.0341 that:0.0307 you:0.0290 as:0.0268 which:0.0244 and:0.0183 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3349 :0.5018 a:0.0543 his:0.0303 tho:0.0190 this:0.0133 their:0.0127 that:0.0119 to:0.0113 an:0.0107 -:0.9339 people:0.0193 same:0.0090 men:0.0078 world:0.0075 city:0.0067 government:0.0048 county:0.0041 land:0.0037 boys:0.0032 -:0.8797 and:0.0237 to:0.0234 is:0.0149 was:0.0126 the:0.0125 of:0.0106 are:0.0086 or:0.0073 a:0.0068 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7510 and:0.0935 of:0.0590 to:0.0215 in:0.0165 that:0.0144 for:0.0122 from:0.0118 is:0.0103 as:0.0098 -:0.9395 is:0.0195 was:0.0144 and:0.0059 in:0.0044 will:0.0037 would:0.0037 to:0.0033 it:0.0032 as:0.0026 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.6855 the:0.1044 to:0.0643 and:0.0434 of:0.0291 a:0.0208 will:0.0170 was:0.0151 is:0.0102 be:0.0102 -:0.9163 own:0.0324 wife:0.0168 of:0.0066 time:0.0053 life:0.0052 day:0.0050 and:0.0047 old:0.0039 country:0.0038 -a:0.2767 :0.4243 been:0.0979 the:0.0796 no:0.0675 in:0.0136 an:0.0125 his:0.0108 of:0.0093 all:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8725 that:0.0211 in:0.0207 all:0.0153 for:0.0146 is:0.0123 the:0.0115 as:0.0113 to:0.0107 by:0.0101 -:0.7740 of:0.0779 and:0.0488 are:0.0182 to:0.0164 in:0.0148 or:0.0132 that:0.0126 the:0.0121 is:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6837 not:0.0908 in:0.0401 be:0.0342 have:0.0308 to:0.0307 all:0.0284 that:0.0217 of:0.0212 by:0.0185 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5546 of:0.0852 in:0.0762 to:0.0596 with:0.0549 and:0.0412 is:0.0364 by:0.0346 for:0.0318 was:0.0257 -to:0.3121 :0.4760 and:0.0958 of:0.0290 in:0.0262 for:0.0183 as:0.0144 will:0.0109 is:0.0088 was:0.0084 -the:0.4566 :0.2987 a:0.1105 his:0.0491 their:0.0194 this:0.0193 tho:0.0170 its:0.0110 our:0.0100 her:0.0083 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5856 well:0.1788 soon:0.0844 far:0.0448 it:0.0339 much:0.0266 long:0.0138 to:0.0116 a:0.0104 he:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8001 and:0.0420 that:0.0294 to:0.0282 is:0.0255 man:0.0228 of:0.0212 or:0.0106 he:0.0104 men:0.0098 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8755 not:0.0447 and:0.0276 as:0.0106 be:0.0095 that:0.0083 miles:0.0070 away:0.0066 it:0.0055 which:0.0048 -:0.6012 of:0.1059 and:0.0771 to:0.0542 the:0.0402 in:0.0299 for:0.0264 a:0.0240 that:0.0226 by:0.0185 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -:0.7897 the:0.0447 and:0.0377 to:0.0340 of:0.0241 that:0.0189 in:0.0162 a:0.0131 or:0.0109 for:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.9227 that:0.0130 as:0.0111 had:0.0094 is:0.0091 the:0.0088 has:0.0073 if:0.0063 it:0.0062 then:0.0061 -the:0.3349 :0.5018 a:0.0543 his:0.0303 tho:0.0190 this:0.0133 their:0.0127 that:0.0119 to:0.0113 an:0.0107 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7586 of:0.0680 to:0.0404 and:0.0381 the:0.0309 a:0.0284 in:0.0126 that:0.0083 as:0.0074 will:0.0073 -:0.7768 of:0.0662 in:0.0329 for:0.0218 on:0.0211 at:0.0173 to:0.0168 from:0.0162 that:0.0160 by:0.0149 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8671 them:0.0266 regard:0.0237 order:0.0195 him:0.0183 it:0.0113 said:0.0109 me:0.0088 us:0.0072 reference:0.0065 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.5659 the:0.2078 to:0.0715 a:0.0511 in:0.0220 of:0.0210 and:0.0206 it:0.0163 that:0.0129 by:0.0111 -:0.8532 go:0.0396 come:0.0225 return:0.0155 him:0.0149 try:0.0134 be:0.0114 them:0.0111 have:0.0099 appear:0.0085 -of:0.1883 :0.4880 to:0.0783 and:0.0698 in:0.0445 for:0.0439 by:0.0254 at:0.0246 or:0.0189 with:0.0183 -:0.7888 the:0.0825 and:0.0296 a:0.0189 of:0.0160 have:0.0158 has:0.0125 is:0.0123 was:0.0118 as:0.0118 -:0.8154 to:0.0416 of:0.0402 and:0.0394 that:0.0182 in:0.0120 the:0.0098 for:0.0089 or:0.0081 as:0.0065 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8583 as:0.0500 and:0.0259 up:0.0136 down:0.0113 enough:0.0100 feet:0.0100 back:0.0077 him:0.0072 according:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2373 :0.5914 a:0.0624 and:0.0244 of:0.0190 that:0.0153 an:0.0133 his:0.0129 this:0.0122 any:0.0117 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7514 and:0.0757 the:0.0495 of:0.0311 to:0.0249 is:0.0197 was:0.0175 has:0.0116 he:0.0098 a:0.0089 -:0.9538 same:0.0161 public:0.0052 best:0.0047 most:0.0040 city:0.0037 first:0.0032 present:0.0032 people:0.0031 bill:0.0030 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5507 in:0.1049 to:0.0895 of:0.0713 that:0.0517 on:0.0294 by:0.0281 at:0.0268 for:0.0267 and:0.0208 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5659 the:0.2078 to:0.0715 a:0.0511 in:0.0220 of:0.0210 and:0.0206 it:0.0163 that:0.0129 by:0.0111 -:0.7950 the:0.0463 to:0.0439 and:0.0310 a:0.0245 was:0.0154 of:0.0153 is:0.0147 be:0.0073 are:0.0067 -:0.9602 and:0.0107 that:0.0061 men:0.0049 to:0.0042 him:0.0034 it:0.0028 way:0.0026 all:0.0026 which:0.0025 -:0.7233 the:0.0683 of:0.0420 and:0.0407 to:0.0405 a:0.0342 in:0.0166 with:0.0122 for:0.0115 was:0.0108 -:0.6923 the:0.0899 to:0.0470 a:0.0401 it:0.0389 and:0.0300 he:0.0250 that:0.0193 one:0.0097 an:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.8354 and:0.0516 the:0.0230 to:0.0229 of:0.0149 or:0.0128 is:0.0119 was:0.0111 a:0.0098 that:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5874 of:0.1464 and:0.0903 to:0.0753 in:0.0250 for:0.0237 with:0.0142 or:0.0140 that:0.0128 as:0.0110 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6985 of:0.1016 and:0.0601 to:0.0412 in:0.0260 for:0.0176 the:0.0174 with:0.0134 or:0.0121 was:0.0121 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.5264 the:0.2504 a:0.0886 his:0.0307 said:0.0224 tho:0.0220 this:0.0191 our:0.0159 their:0.0135 her:0.0110 -:0.6353 that:0.0815 which:0.0550 as:0.0543 and:0.0429 when:0.0352 of:0.0346 but:0.0224 if:0.0202 where:0.0187 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6635 to:0.0824 in:0.0595 that:0.0413 of:0.0374 at:0.0261 for:0.0255 by:0.0224 on:0.0221 not:0.0199 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6907 of:0.0940 to:0.0571 and:0.0519 in:0.0254 for:0.0201 the:0.0200 that:0.0154 by:0.0136 as:0.0119 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -of:0.2617 :0.4314 to:0.0713 and:0.0567 a:0.0472 in:0.0394 for:0.0311 by:0.0257 with:0.0240 the:0.0115 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.8024 and:0.0505 of:0.0275 to:0.0234 a:0.0217 the:0.0215 that:0.0151 in:0.0148 for:0.0129 is:0.0101 -:0.5752 of:0.1650 and:0.1071 to:0.0418 in:0.0297 for:0.0200 the:0.0192 with:0.0143 or:0.0139 by:0.0138 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7329 is:0.0564 and:0.0435 was:0.0390 to:0.0352 be:0.0301 the:0.0212 are:0.0149 has:0.0137 not:0.0131 -:0.6572 and:0.1435 of:0.0774 but:0.0304 to:0.0261 so:0.0163 in:0.0158 for:0.0126 is:0.0119 with:0.0090 -be:0.2747 :0.5648 the:0.0456 not:0.0267 he:0.0181 a:0.0178 to:0.0156 bo:0.0148 have:0.0121 it:0.0099 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6665 to:0.1099 the:0.0874 of:0.0271 and:0.0229 it:0.0189 that:0.0188 in:0.0181 a:0.0164 for:0.0141 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.4860 :0.2878 a:0.0670 their:0.0349 his:0.0307 tho:0.0230 this:0.0228 its:0.0198 our:0.0170 her:0.0109 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5416 of:0.2006 and:0.0973 to:0.0777 in:0.0248 for:0.0137 is:0.0132 with:0.0114 or:0.0099 was:0.0098 -:0.6884 the:0.0789 of:0.0636 in:0.0487 to:0.0369 and:0.0258 for:0.0187 a:0.0168 at:0.0124 by:0.0098 -:0.9466 time:0.0081 way:0.0075 people:0.0073 world:0.0060 right:0.0056 city:0.0050 country:0.0050 land:0.0045 road:0.0043 -:0.6917 the:0.0919 a:0.0654 of:0.0289 and:0.0236 in:0.0232 to:0.0229 that:0.0220 an:0.0193 for:0.0110 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9061 day:0.0244 and:0.0178 of:0.0141 that:0.0092 to:0.0072 time:0.0063 the:0.0059 hundred:0.0045 or:0.0044 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7740 the:0.0409 and:0.0395 a:0.0346 to:0.0310 of:0.0247 for:0.0166 as:0.0150 with:0.0123 that:0.0115 -:0.8148 of:0.0462 to:0.0356 and:0.0287 in:0.0185 for:0.0130 from:0.0122 by:0.0112 as:0.0110 or:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7865 the:0.0582 a:0.0312 and:0.0255 of:0.0224 to:0.0205 in:0.0181 that:0.0146 as:0.0127 by:0.0103 -:0.9572 right:0.0065 time:0.0061 and:0.0052 order:0.0052 power:0.0044 return:0.0042 it:0.0038 as:0.0038 feet:0.0036 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.7194 the:0.1400 be:0.0403 a:0.0215 take:0.0200 have:0.0132 make:0.0126 get:0.0121 give:0.0120 his:0.0089 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.8622 a:0.0260 made:0.0235 taken:0.0177 to:0.0160 paid:0.0147 held:0.0115 the:0.0103 not:0.0097 done:0.0084 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.6225 and:0.0983 the:0.0652 of:0.0599 a:0.0453 th:0.0306 that:0.0240 or:0.0195 in:0.0186 to:0.0161 -:0.7175 been:0.1339 not:0.0502 a:0.0203 made:0.0159 taken:0.0134 it:0.0128 the:0.0128 done:0.0121 no:0.0110 -:0.8720 a:0.0484 the:0.0290 and:0.0158 an:0.0072 it:0.0062 one:0.0060 he:0.0054 of:0.0052 as:0.0048 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8522 and:0.0310 a:0.0266 the:0.0240 of:0.0215 to:0.0138 that:0.0108 or:0.0072 in:0.0069 for:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6823 of:0.1105 and:0.0661 to:0.0500 in:0.0211 as:0.0181 the:0.0156 for:0.0124 or:0.0123 is:0.0116 -:0.7557 the:0.0831 of:0.0305 a:0.0300 in:0.0254 and:0.0233 to:0.0195 by:0.0143 with:0.0097 that:0.0085 -:0.7394 the:0.0742 of:0.0456 and:0.0315 in:0.0236 a:0.0222 that:0.0213 to:0.0166 at:0.0139 for:0.0117 -:0.7313 that:0.0493 which:0.0483 whom:0.0433 be:0.0337 what:0.0205 say:0.0202 think:0.0199 do:0.0189 the:0.0146 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7695 the:0.0724 make:0.0431 be:0.0285 a:0.0226 take:0.0174 see:0.0127 give:0.0122 pay:0.0112 get:0.0104 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.7780 of:0.0690 the:0.0446 and:0.0304 in:0.0171 to:0.0167 that:0.0149 a:0.0114 for:0.0093 or:0.0087 -of:0.2423 :0.4393 in:0.0701 for:0.0573 as:0.0519 with:0.0410 and:0.0349 to:0.0258 at:0.0195 on:0.0179 -:0.8360 the:0.0671 and:0.0320 a:0.0169 to:0.0095 is:0.0092 was:0.0083 this:0.0080 of:0.0070 tho:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6066 not:0.1545 the:0.1217 a:0.0442 that:0.0179 to:0.0125 it:0.0121 so:0.0115 an:0.0103 no:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6182 to:0.1279 and:0.0618 of:0.0460 the:0.0424 will:0.0408 would:0.0192 is:0.0163 was:0.0140 shall:0.0133 -:0.9425 out:0.0144 much:0.0087 one:0.0084 many:0.0070 and:0.0045 that:0.0044 think:0.0035 line:0.0032 is:0.0032 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -of:0.1596 in:0.1006 to:0.0982 :0.3831 on:0.0518 for:0.0498 from:0.0450 with:0.0436 by:0.0435 at:0.0248 -the:0.2226 a:0.2087 :0.4925 of:0.0136 an:0.0123 no:0.0113 his:0.0107 any:0.0103 and:0.0091 tho:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4515 of:0.1701 to:0.1008 and:0.0951 the:0.0744 in:0.0410 for:0.0196 by:0.0169 that:0.0167 or:0.0138 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9110 day:0.0201 number:0.0110 part:0.0098 half:0.0092 side:0.0090 line:0.0084 member:0.0083 much:0.0071 one:0.0061 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.7874 the:0.0787 to:0.0310 be:0.0227 in:0.0156 a:0.0148 and:0.0143 of:0.0131 he:0.0126 have:0.0098 -:0.7536 th:0.1153 last:0.0283 other:0.0178 whole:0.0175 first:0.0158 next:0.0158 same:0.0138 most:0.0135 the:0.0086 -:0.9122 that:0.0199 in:0.0161 to:0.0122 and:0.0108 for:0.0082 as:0.0070 from:0.0053 of:0.0042 on:0.0041 -:0.5778 the:0.2557 a:0.0491 his:0.0226 their:0.0201 its:0.0183 this:0.0157 said:0.0147 all:0.0133 tho:0.0127 -:0.6843 a:0.1106 the:0.1063 to:0.0268 this:0.0155 any:0.0141 his:0.0133 and:0.0104 no:0.0099 that:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8767 as:0.0250 feet:0.0217 and:0.0199 enough:0.0115 according:0.0102 up:0.0102 is:0.0101 able:0.0079 back:0.0068 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.6620 of:0.1695 the:0.0541 in:0.0266 and:0.0245 or:0.0172 a:0.0144 to:0.0111 for:0.0104 by:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8268 and:0.0584 is:0.0306 of:0.0157 are:0.0138 was:0.0132 the:0.0119 that:0.0108 as:0.0104 which:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7848 and:0.0724 to:0.0399 the:0.0177 will:0.0176 is:0.0166 was:0.0161 of:0.0135 would:0.0117 or:0.0099 -:0.8901 opportunity:0.0310 effort:0.0136 right:0.0123 appeal:0.0110 hour:0.0095 feet:0.0089 time:0.0085 order:0.0082 subject:0.0071 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7849 and:0.0287 that:0.0282 which:0.0263 we:0.0260 are:0.0244 who:0.0238 as:0.0231 is:0.0174 it:0.0173 -the:0.4127 :0.3983 a:0.0707 tho:0.0222 this:0.0205 his:0.0177 their:0.0167 any:0.0160 our:0.0127 all:0.0125 -:0.5727 of:0.1062 in:0.0735 to:0.0515 at:0.0476 for:0.0421 by:0.0343 and:0.0293 with:0.0235 on:0.0194 -of:0.2886 :0.4831 and:0.0838 to:0.0411 in:0.0272 or:0.0239 for:0.0158 at:0.0127 by:0.0121 the:0.0115 -:0.8707 able:0.0356 made:0.0156 not:0.0153 unable:0.0129 allowed:0.0119 compelled:0.0111 going:0.0097 sent:0.0089 given:0.0082 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.8715 and:0.0423 to:0.0376 of:0.0141 that:0.0067 at:0.0064 or:0.0059 but:0.0058 as:0.0051 in:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8617 and:0.0532 of:0.0186 the:0.0158 is:0.0134 was:0.0112 that:0.0092 a:0.0062 in:0.0058 be:0.0049 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.6864 the:0.1071 of:0.0417 and:0.0367 to:0.0289 in:0.0254 a:0.0242 that:0.0170 at:0.0167 for:0.0158 -:0.7359 the:0.1221 that:0.0364 which:0.0284 all:0.0145 this:0.0142 a:0.0129 in:0.0127 his:0.0126 her:0.0103 -he:0.3743 they:0.1393 :0.2390 we:0.0802 she:0.0447 it:0.0393 you:0.0371 there:0.0202 not:0.0169 ho:0.0090 -:0.7537 the:0.1122 a:0.0446 to:0.0223 he:0.0140 was:0.0119 that:0.0116 his:0.0100 it:0.0100 tho:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2865 :0.3966 or:0.0749 and:0.0648 to:0.0404 for:0.0367 at:0.0324 in:0.0299 with:0.0197 by:0.0180 -:0.5350 of:0.2114 to:0.0716 and:0.0538 in:0.0459 for:0.0221 on:0.0164 at:0.0158 with:0.0151 by:0.0129 -:0.8918 and:0.0341 of:0.0261 to:0.0111 in:0.0085 the:0.0069 as:0.0060 for:0.0052 or:0.0052 is:0.0051 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.8523 and:0.0577 to:0.0163 him:0.0147 of:0.0128 but:0.0123 it:0.0117 in:0.0077 is:0.0074 that:0.0071 -:0.9439 hour:0.0223 home:0.0057 opportunity:0.0044 years:0.0044 hundred:0.0043 wife:0.0038 old:0.0038 land:0.0038 interest:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.1405 :0.6414 a:0.0863 to:0.0330 of:0.0308 and:0.0173 in:0.0155 be:0.0137 was:0.0120 by:0.0094 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -the:0.2924 :0.5388 a:0.0609 his:0.0242 this:0.0179 their:0.0168 any:0.0139 tho:0.0137 an:0.0109 her:0.0105 -:0.8041 the:0.0398 and:0.0393 of:0.0248 a:0.0206 to:0.0193 is:0.0154 was:0.0134 that:0.0128 in:0.0104 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8583 a:0.0228 they:0.0194 the:0.0187 he:0.0178 and:0.0148 it:0.0146 as:0.0131 we:0.0117 one:0.0086 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.2760 :0.5497 a:0.0579 and:0.0237 of:0.0196 was:0.0172 is:0.0148 be:0.0145 this:0.0133 to:0.0132 -:0.9048 most:0.0198 first:0.0129 same:0.0128 present:0.0095 a:0.0088 said:0.0082 other:0.0080 great:0.0078 new:0.0074 -:0.8132 of:0.0552 and:0.0321 in:0.0247 the:0.0196 to:0.0174 a:0.0121 at:0.0092 by:0.0086 that:0.0079 -:0.7534 the:0.0809 all:0.0456 a:0.0454 in:0.0183 that:0.0136 by:0.0116 him:0.0112 with:0.0100 which:0.0099 -:0.6373 to:0.0810 of:0.0651 the:0.0625 and:0.0458 a:0.0347 in:0.0230 that:0.0225 he:0.0146 or:0.0135 -:0.9462 same:0.0132 said:0.0091 most:0.0064 public:0.0064 other:0.0049 best:0.0039 following:0.0038 world:0.0034 people:0.0029 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6618 the:0.1657 a:0.0432 of:0.0285 to:0.0273 that:0.0212 and:0.0184 tho:0.0118 in:0.0114 it:0.0107 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -few:0.0041 the:0.0032 be:0.0025 a:0.0023 very:0.0022 per:0.0020 nper:0.0019 have:0.0018 much:0.0018 several:0.0016 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7347 to:0.0568 and:0.0476 that:0.0381 the:0.0301 a:0.0300 it:0.0262 as:0.0139 in:0.0122 for:0.0103 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7269 of:0.0856 and:0.0448 to:0.0361 in:0.0251 is:0.0246 the:0.0183 was:0.0177 for:0.0106 or:0.0104 -:0.8667 out:0.0406 one:0.0285 some:0.0114 and:0.0109 to:0.0103 line:0.0092 part:0.0084 that:0.0075 all:0.0065 -of:0.1913 :0.4468 in:0.0966 to:0.0885 at:0.0413 on:0.0354 for:0.0329 by:0.0280 and:0.0223 that:0.0169 -:0.8064 of:0.0634 and:0.0402 the:0.0278 to:0.0161 in:0.0157 or:0.0087 a:0.0076 for:0.0071 at:0.0070 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8424 the:0.0301 to:0.0226 in:0.0223 and:0.0197 of:0.0180 that:0.0139 a:0.0116 by:0.0097 at:0.0096 -:0.8192 such:0.0336 the:0.0266 by:0.0221 in:0.0193 that:0.0183 to:0.0177 all:0.0155 with:0.0143 as:0.0134 -the:0.2848 :0.5166 a:0.0562 his:0.0356 to:0.0286 be:0.0180 this:0.0171 any:0.0163 and:0.0160 an:0.0108 -:0.9628 it:0.0067 and:0.0050 more:0.0042 men:0.0041 him:0.0041 life:0.0039 that:0.0033 up:0.0031 them:0.0028 -the:0.4406 a:0.1190 :0.3113 tho:0.0236 his:0.0234 their:0.0217 its:0.0190 this:0.0182 said:0.0141 our:0.0092 -been:0.0386 seen:0.0306 gone:0.0103 done:0.0090 come:0.0086 a:0.0072 become:0.0070 proven:0.0060 no:0.0055 taken:0.0049 -:0.8177 the:0.0465 and:0.0370 was:0.0281 is:0.0220 are:0.0144 be:0.0092 were:0.0089 to:0.0083 had:0.0079 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.6557 of:0.1500 and:0.0475 to:0.0439 in:0.0239 are:0.0181 is:0.0180 for:0.0175 will:0.0139 as:0.0115 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6269 of:0.1204 and:0.0731 to:0.0606 in:0.0315 for:0.0213 was:0.0177 by:0.0174 or:0.0162 that:0.0150 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.5873 of:0.1638 and:0.0749 to:0.0568 that:0.0272 in:0.0240 the:0.0186 was:0.0175 for:0.0153 or:0.0146 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.4214 of:0.1141 to:0.0981 in:0.0882 for:0.0664 by:0.0542 with:0.0457 from:0.0389 on:0.0366 and:0.0363 -:0.9210 chance:0.0117 visit:0.0108 right:0.0097 time:0.0090 desire:0.0088 year:0.0081 man:0.0073 letter:0.0069 return:0.0067 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7552 of:0.0749 and:0.0531 to:0.0351 in:0.0194 the:0.0174 for:0.0125 or:0.0117 on:0.0110 by:0.0098 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8197 the:0.0314 and:0.0253 are:0.0211 has:0.0207 to:0.0190 had:0.0163 was:0.0160 is:0.0153 a:0.0152 -:0.5555 in:0.0795 to:0.0740 of:0.0597 that:0.0553 for:0.0490 on:0.0353 by:0.0345 from:0.0345 at:0.0226 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -will:0.2801 can:0.1279 would:0.1042 should:0.0796 may:0.0722 must:0.0701 could:0.0630 shall:0.0479 cannot:0.0338 might:0.0259 -:0.7898 are:0.0343 have:0.0306 the:0.0299 a:0.0255 and:0.0218 to:0.0193 of:0.0192 will:0.0164 in:0.0130 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.7264 the:0.1248 a:0.0333 to:0.0259 and:0.0250 in:0.0169 that:0.0164 by:0.0122 for:0.0104 of:0.0088 -:0.6587 of:0.1613 and:0.0635 in:0.0254 to:0.0201 the:0.0179 for:0.0154 on:0.0130 or:0.0129 a:0.0117 -:0.7952 of:0.0552 years:0.0418 or:0.0241 hundred:0.0209 and:0.0208 days:0.0154 weeks:0.0105 months:0.0089 the:0.0072 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.5403 that:0.1037 which:0.0996 of:0.0762 and:0.0678 where:0.0271 but:0.0263 as:0.0258 if:0.0190 when:0.0143 -:0.8360 it:0.0380 that:0.0309 he:0.0230 which:0.0175 they:0.0161 you:0.0107 there:0.0095 as:0.0095 we:0.0088 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6676 the:0.2133 a:0.0380 and:0.0182 this:0.0178 his:0.0126 tho:0.0108 of:0.0076 their:0.0075 an:0.0068 -:0.8089 and:0.0371 to:0.0328 the:0.0325 of:0.0306 in:0.0155 a:0.0131 by:0.0118 for:0.0096 that:0.0081 -:0.7909 great:0.0543 few:0.0317 good:0.0315 large:0.0206 little:0.0198 very:0.0174 certain:0.0120 small:0.0119 short:0.0099 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8757 made:0.0237 born:0.0205 placed:0.0170 found:0.0149 held:0.0130 not:0.0121 engaged:0.0080 done:0.0079 kept:0.0071 -:0.8825 the:0.0267 and:0.0226 of:0.0157 that:0.0113 a:0.0109 as:0.0107 to:0.0078 which:0.0060 is:0.0059 -:0.7794 the:0.0764 and:0.0391 of:0.0269 a:0.0222 in:0.0152 to:0.0141 is:0.0106 was:0.0082 or:0.0078 -the:0.4066 :0.4320 his:0.0323 a:0.0303 tho:0.0249 their:0.0214 this:0.0170 our:0.0159 these:0.0100 any:0.0096 -:0.9356 of:0.0170 and:0.0109 a:0.0092 the:0.0073 hundred:0.0045 is:0.0041 was:0.0040 he:0.0039 more:0.0035 -of:0.3289 :0.3534 to:0.0929 in:0.0537 and:0.0404 for:0.0344 on:0.0324 that:0.0219 at:0.0216 from:0.0204 -:0.9457 as:0.0093 a:0.0087 the:0.0079 of:0.0069 been:0.0049 and:0.0047 to:0.0041 in:0.0040 for:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -the:0.2585 :0.5653 a:0.1034 this:0.0160 tho:0.0118 his:0.0110 any:0.0109 and:0.0089 of:0.0075 one:0.0067 -:0.6295 of:0.1166 and:0.0679 to:0.0653 that:0.0262 the:0.0251 in:0.0248 a:0.0179 for:0.0150 by:0.0117 -be:0.3405 :0.5455 have:0.0285 not:0.0217 bo:0.0179 the:0.0149 to:0.0113 take:0.0071 in:0.0066 get:0.0061 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -:0.7115 the:0.0775 to:0.0725 and:0.0316 of:0.0258 was:0.0220 a:0.0179 will:0.0140 in:0.0137 is:0.0135 -the:0.2629 :0.4294 to:0.1090 a:0.0930 his:0.0366 an:0.0162 said:0.0155 their:0.0151 tho:0.0116 its:0.0107 -:0.7592 of:0.0531 in:0.0416 to:0.0324 on:0.0247 with:0.0234 for:0.0196 from:0.0191 by:0.0153 at:0.0116 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.9035 be:0.0198 look:0.0150 him:0.0118 say:0.0101 work:0.0094 do:0.0084 pay:0.0081 sell:0.0073 make:0.0066 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.9495 much:0.0096 as:0.0062 able:0.0057 right:0.0055 up:0.0054 desire:0.0052 according:0.0045 not:0.0043 go:0.0042 -:0.7556 of:0.0654 and:0.0607 to:0.0331 the:0.0222 in:0.0170 a:0.0146 for:0.0115 or:0.0113 by:0.0086 -the:0.2791 :0.5191 a:0.1154 and:0.0156 of:0.0147 his:0.0133 this:0.0128 tho:0.0124 no:0.0091 their:0.0083 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -of:0.2502 :0.4587 in:0.0807 that:0.0405 to:0.0354 for:0.0350 at:0.0310 and:0.0304 on:0.0233 from:0.0147 -:0.6121 of:0.1727 and:0.0582 to:0.0461 in:0.0279 is:0.0200 the:0.0176 was:0.0172 for:0.0147 or:0.0136 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.8577 the:0.0391 and:0.0342 is:0.0147 a:0.0107 of:0.0098 was:0.0089 are:0.0088 he:0.0083 that:0.0078 -:0.8164 the:0.0339 to:0.0312 of:0.0292 and:0.0257 in:0.0211 a:0.0138 that:0.0122 by:0.0087 for:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9273 hour:0.0183 old:0.0128 the:0.0100 first:0.0072 a:0.0056 inch:0.0056 average:0.0051 last:0.0042 acre:0.0040 -:0.4924 to:0.2399 is:0.0563 and:0.0517 was:0.0428 of:0.0419 will:0.0297 or:0.0171 would:0.0141 in:0.0140 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.7625 to:0.0719 and:0.0495 of:0.0361 the:0.0253 in:0.0135 a:0.0122 that:0.0105 for:0.0094 by:0.0091 -:0.7291 the:0.1018 and:0.0351 a:0.0311 of:0.0263 is:0.0224 was:0.0204 are:0.0128 in:0.0116 as:0.0093 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -to:0.2197 will:0.2022 :0.2804 shall:0.0713 should:0.0484 can:0.0470 would:0.0429 may:0.0364 could:0.0290 must:0.0227 -:0.8196 the:0.0638 and:0.0348 of:0.0185 a:0.0135 that:0.0123 is:0.0107 was:0.0101 this:0.0097 be:0.0069 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.6293 the:0.1117 to:0.1030 a:0.0864 and:0.0172 will:0.0132 was:0.0108 in:0.0102 would:0.0092 his:0.0091 -:0.8487 are:0.0439 have:0.0277 were:0.0150 do:0.0136 will:0.0123 had:0.0111 look:0.0106 put:0.0095 say:0.0078 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8096 the:0.0365 to:0.0328 in:0.0297 at:0.0227 that:0.0215 and:0.0199 of:0.0096 for:0.0090 on:0.0085 -:0.8936 to:0.0269 in:0.0172 and:0.0152 the:0.0104 of:0.0082 at:0.0075 for:0.0074 by:0.0073 is:0.0065 -:0.9609 said:0.0075 time:0.0075 fact:0.0070 city:0.0032 world:0.0030 people:0.0029 following:0.0027 state:0.0027 way:0.0026 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -:0.8023 to:0.0519 and:0.0507 the:0.0268 will:0.0140 that:0.0120 of:0.0112 we:0.0109 as:0.0105 they:0.0097 -:0.7738 the:0.0623 and:0.0515 to:0.0320 of:0.0232 a:0.0156 was:0.0131 in:0.0108 is:0.0100 this:0.0077 -of:0.2567 :0.4774 in:0.0632 to:0.0509 on:0.0339 and:0.0322 for:0.0250 with:0.0226 from:0.0200 at:0.0180 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8817 known:0.0260 well:0.0144 regarded:0.0142 far:0.0119 just:0.0113 him:0.0112 long:0.0111 so:0.0108 to:0.0075 -:0.8129 able:0.0746 made:0.0219 allowed:0.0194 given:0.0148 required:0.0116 compelled:0.0115 used:0.0115 ready:0.0112 liable:0.0105 -:0.4979 of:0.1225 to:0.0773 with:0.0654 in:0.0633 for:0.0465 and:0.0423 is:0.0378 was:0.0237 as:0.0234 -:0.7014 the:0.1153 a:0.0430 to:0.0340 of:0.0315 and:0.0225 in:0.0185 is:0.0121 was:0.0110 his:0.0107 -:0.6210 of:0.1568 and:0.0704 in:0.0364 to:0.0354 the:0.0201 for:0.0171 at:0.0158 or:0.0147 by:0.0123 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6021 of:0.1809 and:0.0614 to:0.0436 in:0.0243 that:0.0228 from:0.0172 for:0.0165 the:0.0162 or:0.0150 -:0.7416 the:0.0459 per:0.0373 a:0.0347 is:0.0286 three:0.0282 and:0.0239 has:0.0204 was:0.0201 few:0.0193 -:0.6722 of:0.1350 and:0.0655 to:0.0257 in:0.0228 the:0.0201 or:0.0166 that:0.0164 for:0.0137 by:0.0120 -the:0.3619 :0.4419 a:0.0481 his:0.0330 this:0.0318 tho:0.0225 all:0.0190 our:0.0148 their:0.0136 any:0.0134 -:0.5858 of:0.1790 and:0.0964 to:0.0433 in:0.0249 the:0.0181 or:0.0159 that:0.0153 for:0.0119 as:0.0096 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.9477 and:0.0150 in:0.0091 to:0.0055 up:0.0052 as:0.0040 it:0.0035 him:0.0034 out:0.0033 more:0.0033 -:0.8389 and:0.0414 the:0.0382 as:0.0139 he:0.0131 that:0.0125 is:0.0116 it:0.0111 who:0.0100 which:0.0093 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8348 the:0.0409 make:0.0336 take:0.0179 be:0.0162 all:0.0128 get:0.0118 pay:0.0110 see:0.0105 keep:0.0105 -:0.5577 of:0.1979 and:0.0757 to:0.0608 in:0.0289 the:0.0176 for:0.0174 that:0.0164 is:0.0143 or:0.0134 -:0.6850 to:0.0988 a:0.0714 the:0.0479 he:0.0224 it:0.0183 well:0.0176 and:0.0175 an:0.0108 much:0.0103 -the:0.6568 tho:0.0488 :0.1595 this:0.0316 a:0.0276 his:0.0207 our:0.0182 their:0.0138 its:0.0138 tbe:0.0092 -:0.9312 up:0.0108 them:0.0106 him:0.0101 years:0.0082 it:0.0069 days:0.0057 which:0.0055 that:0.0055 life:0.0054 -:0.8040 it:0.0287 we:0.0252 and:0.0251 they:0.0229 he:0.0229 who:0.0194 that:0.0182 as:0.0169 which:0.0168 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9082 same:0.0264 other:0.0117 whole:0.0104 public:0.0094 first:0.0077 most:0.0075 said:0.0065 city:0.0065 great:0.0057 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.7847 is:0.0364 a:0.0305 the:0.0272 was:0.0264 and:0.0250 of:0.0218 or:0.0183 be:0.0149 to:0.0147 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7294 the:0.0901 a:0.0530 and:0.0395 to:0.0347 of:0.0187 or:0.0108 was:0.0090 be:0.0076 this:0.0071 -:0.8016 of:0.0421 the:0.0406 to:0.0294 and:0.0288 in:0.0208 a:0.0127 for:0.0086 with:0.0077 by:0.0076 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.5464 of:0.1001 to:0.0879 the:0.0828 a:0.0759 in:0.0369 and:0.0292 by:0.0163 for:0.0127 on:0.0118 -:0.7619 to:0.0847 which:0.0397 will:0.0389 the:0.0189 it:0.0148 shall:0.0111 may:0.0107 can:0.0099 this:0.0094 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.7645 the:0.0787 and:0.0387 of:0.0362 at:0.0201 a:0.0151 in:0.0150 said:0.0112 to:0.0109 or:0.0096 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -not:0.3066 :0.6033 the:0.0231 be:0.0161 of:0.0116 that:0.0100 and:0.0084 in:0.0073 a:0.0069 to:0.0067 -:0.8482 of:0.0521 and:0.0238 the:0.0194 in:0.0159 to:0.0112 or:0.0099 a:0.0073 for:0.0063 on:0.0058 -:0.8282 the:0.0486 a:0.0208 of:0.0204 in:0.0174 and:0.0166 that:0.0151 to:0.0138 is:0.0101 are:0.0090 -:0.8939 and:0.0312 to:0.0155 of:0.0112 a:0.0111 was:0.0081 is:0.0078 he:0.0076 the:0.0068 be:0.0067 -the:0.4213 :0.3650 a:0.0762 this:0.0314 his:0.0270 any:0.0267 their:0.0154 tho:0.0144 every:0.0118 no:0.0109 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7552 of:0.0967 and:0.0269 the:0.0266 in:0.0248 a:0.0179 to:0.0156 that:0.0136 for:0.0116 at:0.0111 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7612 to:0.0749 of:0.0540 and:0.0465 in:0.0142 that:0.0132 for:0.0102 from:0.0101 with:0.0079 the:0.0078 -:0.9589 day:0.0085 hundred:0.0069 and:0.0050 year:0.0039 life:0.0036 it:0.0035 house:0.0033 up:0.0033 man:0.0032 -:0.8175 the:0.0530 to:0.0295 and:0.0222 a:0.0214 of:0.0187 in:0.0134 at:0.0081 it:0.0081 that:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.3027 to:0.1669 :0.2662 in:0.0796 for:0.0442 with:0.0347 by:0.0286 from:0.0275 on:0.0266 and:0.0231 -the:0.3902 :0.4463 a:0.0390 this:0.0325 his:0.0260 our:0.0166 tho:0.0144 their:0.0129 in:0.0114 any:0.0108 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6040 of:0.2028 in:0.0474 for:0.0236 that:0.0234 and:0.0217 with:0.0214 by:0.0195 to:0.0183 the:0.0179 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -not:0.3066 :0.6033 the:0.0231 be:0.0161 of:0.0116 that:0.0100 and:0.0084 in:0.0073 a:0.0069 to:0.0067 -:0.7988 and:0.0733 is:0.0348 was:0.0203 of:0.0150 as:0.0137 that:0.0133 has:0.0112 to:0.0107 are:0.0088 -:0.8401 the:0.0755 other:0.0141 great:0.0120 he:0.0113 this:0.0106 and:0.0105 their:0.0096 his:0.0086 a:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6579 of:0.1420 as:0.0375 in:0.0347 and:0.0302 with:0.0238 for:0.0238 is:0.0178 to:0.0167 or:0.0156 -the:0.3496 :0.5080 a:0.0371 in:0.0228 and:0.0170 of:0.0164 any:0.0137 to:0.0122 by:0.0118 at:0.0115 -:0.9015 made:0.0200 not:0.0180 as:0.0114 have:0.0099 come:0.0095 given:0.0086 had:0.0076 went:0.0070 up:0.0065 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7358 the:0.1094 and:0.0397 a:0.0340 to:0.0242 his:0.0127 this:0.0118 who:0.0113 he:0.0112 of:0.0099 -:0.9572 right:0.0065 time:0.0061 and:0.0052 order:0.0052 power:0.0044 return:0.0042 it:0.0038 as:0.0038 feet:0.0036 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -of:0.5038 :0.2506 to:0.0521 and:0.0457 in:0.0379 with:0.0250 by:0.0249 for:0.0232 the:0.0186 at:0.0183 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.8976 and:0.0247 that:0.0209 to:0.0166 time:0.0110 of:0.0070 it:0.0065 day:0.0063 which:0.0048 year:0.0046 -:0.5371 of:0.1951 in:0.0668 and:0.0518 to:0.0438 from:0.0288 for:0.0287 on:0.0182 with:0.0164 upon:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6534 of:0.1800 and:0.0554 to:0.0251 a:0.0184 in:0.0172 was:0.0158 is:0.0131 who:0.0110 the:0.0105 -:0.7648 as:0.0440 and:0.0343 that:0.0338 if:0.0259 but:0.0231 for:0.0201 when:0.0186 of:0.0183 to:0.0172 -:0.9118 the:0.0231 old:0.0149 two:0.0093 first:0.0088 three:0.0085 hour:0.0079 ten:0.0057 other:0.0050 early:0.0049 -:0.7272 the:0.0434 is:0.0388 are:0.0354 was:0.0316 will:0.0308 to:0.0265 he:0.0230 would:0.0218 had:0.0216 -:0.8726 him:0.0280 it:0.0235 them:0.0171 which:0.0143 the:0.0099 me:0.0090 you:0.0089 that:0.0088 us:0.0079 -:0.8494 and:0.0338 out:0.0210 that:0.0207 to:0.0190 up:0.0155 him:0.0130 but:0.0100 as:0.0088 ago:0.0088 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.8019 and:0.0472 the:0.0334 of:0.0300 to:0.0272 is:0.0180 in:0.0174 was:0.0093 a:0.0087 are:0.0070 -:0.7125 and:0.0815 to:0.0457 of:0.0449 that:0.0437 as:0.0179 who:0.0157 in:0.0154 which:0.0124 for:0.0102 -:0.6038 to:0.1412 the:0.1066 and:0.0559 a:0.0334 it:0.0209 that:0.0117 he:0.0098 of:0.0087 as:0.0081 -:0.7657 the:0.0951 a:0.0366 be:0.0274 and:0.0168 in:0.0151 that:0.0145 to:0.0105 by:0.0094 of:0.0090 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7884 hundred:0.0755 and:0.0359 of:0.0268 years:0.0205 days:0.0127 to:0.0117 months:0.0117 year:0.0090 weeks:0.0078 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -:0.8833 and:0.0443 to:0.0314 of:0.0110 in:0.0062 the:0.0061 a:0.0051 will:0.0046 it:0.0041 is:0.0040 -:0.6444 to:0.0693 of:0.0665 in:0.0493 and:0.0439 that:0.0318 with:0.0268 from:0.0254 for:0.0228 by:0.0197 -:0.6715 the:0.2175 a:0.0353 tho:0.0134 his:0.0126 that:0.0110 in:0.0098 this:0.0097 all:0.0096 their:0.0096 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.7229 of:0.0956 the:0.0722 and:0.0363 a:0.0227 in:0.0143 or:0.0114 to:0.0091 that:0.0079 at:0.0076 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7095 it:0.0888 he:0.0431 and:0.0340 they:0.0240 that:0.0232 there:0.0210 which:0.0203 to:0.0182 we:0.0180 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8246 the:0.0465 a:0.0243 of:0.0229 to:0.0217 and:0.0196 in:0.0159 for:0.0086 is:0.0083 was:0.0075 -of:0.1654 :0.4361 to:0.0876 in:0.0805 and:0.0597 for:0.0550 by:0.0354 with:0.0353 on:0.0239 at:0.0212 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6943 of:0.0821 to:0.0625 and:0.0591 in:0.0321 for:0.0164 was:0.0160 that:0.0143 is:0.0135 a:0.0097 -:0.4328 of:0.1111 was:0.1088 and:0.1034 is:0.0957 to:0.0550 in:0.0436 as:0.0169 for:0.0167 were:0.0160 -:0.7864 in:0.0521 any:0.0309 the:0.0280 of:0.0245 for:0.0184 to:0.0163 with:0.0156 by:0.0150 on:0.0128 -:0.8939 and:0.0312 to:0.0155 of:0.0112 a:0.0111 was:0.0081 is:0.0078 he:0.0076 the:0.0068 be:0.0067 -:0.7223 and:0.0847 of:0.0407 is:0.0345 was:0.0260 to:0.0222 as:0.0218 the:0.0172 are:0.0162 or:0.0145 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -the:0.3999 a:0.0815 his:0.0361 :0.3822 their:0.0224 an:0.0169 tho:0.0168 any:0.0163 this:0.0146 tbe:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7396 of:0.0872 and:0.0502 in:0.0264 the:0.0261 to:0.0195 for:0.0137 is:0.0135 at:0.0120 or:0.0117 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.7329 the:0.0617 of:0.0461 to:0.0338 and:0.0319 that:0.0314 in:0.0260 which:0.0130 for:0.0117 at:0.0116 -the:0.2585 :0.5653 a:0.1034 this:0.0160 tho:0.0118 his:0.0110 any:0.0109 and:0.0089 of:0.0075 one:0.0067 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.8764 of:0.0408 and:0.0187 the:0.0140 are:0.0103 is:0.0103 a:0.0089 in:0.0085 was:0.0062 or:0.0058 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8542 is:0.0407 and:0.0298 as:0.0240 was:0.0138 up:0.0134 went:0.0074 of:0.0059 according:0.0057 to:0.0052 -:0.4832 of:0.1848 and:0.1004 the:0.0807 that:0.0458 a:0.0414 for:0.0172 with:0.0159 is:0.0158 as:0.0147 -:0.7177 and:0.0752 of:0.0407 is:0.0393 was:0.0269 that:0.0269 to:0.0231 as:0.0185 has:0.0171 or:0.0147 -:0.7175 the:0.1256 of:0.0409 and:0.0263 to:0.0216 in:0.0213 a:0.0198 for:0.0098 at:0.0091 with:0.0082 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.5781 the:0.1242 to:0.0653 that:0.0524 and:0.0438 of:0.0422 a:0.0383 in:0.0288 for:0.0145 by:0.0122 -:0.6209 the:0.1351 of:0.0610 to:0.0531 in:0.0355 and:0.0321 a:0.0241 for:0.0160 by:0.0121 on:0.0101 -:0.9742 it:0.0053 the:0.0037 wife:0.0029 then:0.0026 that:0.0025 he:0.0025 there:0.0025 interest:0.0019 in:0.0019 -:0.7906 it:0.0876 there:0.0274 and:0.0239 he:0.0198 that:0.0175 which:0.0104 to:0.0087 who:0.0078 but:0.0063 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7963 to:0.0650 and:0.0342 the:0.0231 in:0.0230 of:0.0174 by:0.0107 that:0.0106 for:0.0104 as:0.0092 -:0.5548 to:0.2236 and:0.0596 is:0.0452 was:0.0382 of:0.0280 will:0.0144 or:0.0137 in:0.0123 would:0.0104 -:0.8100 to:0.0427 the:0.0372 of:0.0255 and:0.0235 not:0.0173 a:0.0145 in:0.0140 was:0.0080 it:0.0073 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7510 and:0.0935 of:0.0590 to:0.0215 in:0.0165 that:0.0144 for:0.0122 from:0.0118 is:0.0103 as:0.0098 -:0.9487 and:0.0157 in:0.0066 of:0.0049 he:0.0047 is:0.0041 are:0.0041 it:0.0040 was:0.0036 work:0.0035 -he:0.2790 :0.3394 it:0.1841 there:0.0835 she:0.0414 they:0.0266 you:0.0168 we:0.0146 ho:0.0101 lie:0.0045 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7571 the:0.0600 to:0.0578 of:0.0388 and:0.0323 a:0.0158 in:0.0135 for:0.0087 or:0.0081 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7325 of:0.0635 and:0.0450 the:0.0425 to:0.0346 in:0.0212 a:0.0192 is:0.0150 for:0.0135 was:0.0130 -:0.8369 of:0.0541 years:0.0244 and:0.0236 the:0.0153 or:0.0108 that:0.0106 days:0.0087 hundred:0.0083 to:0.0072 -a:0.1854 the:0.1646 :0.4572 be:0.0432 any:0.0339 that:0.0311 and:0.0279 to:0.0231 an:0.0185 every:0.0151 -has:0.4062 had:0.2726 have:0.1005 :0.1753 having:0.0192 was:0.0066 and:0.0062 lias:0.0057 is:0.0039 it:0.0038 -:0.6890 the:0.1379 a:0.0686 it:0.0211 him:0.0175 that:0.0171 to:0.0146 them:0.0121 an:0.0115 their:0.0105 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7572 the:0.0629 and:0.0426 is:0.0414 was:0.0331 to:0.0147 are:0.0142 he:0.0119 a:0.0116 of:0.0104 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.7643 to:0.1008 and:0.0677 will:0.0145 of:0.0116 but:0.0092 it:0.0088 which:0.0086 that:0.0076 in:0.0069 -:0.6142 of:0.1955 and:0.0635 the:0.0284 in:0.0260 to:0.0222 for:0.0144 with:0.0124 or:0.0124 on:0.0110 -the:0.3216 :0.5335 a:0.0367 said:0.0238 tho:0.0216 this:0.0171 his:0.0147 our:0.0127 their:0.0093 its:0.0091 -:0.7585 had:0.0495 have:0.0429 are:0.0351 has:0.0253 is:0.0252 was:0.0233 were:0.0155 of:0.0135 in:0.0112 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.6310 to:0.1315 not:0.1183 now:0.0317 a:0.0276 so:0.0194 hereby:0.0110 and:0.0105 well:0.0096 will:0.0093 -:0.7131 of:0.0741 in:0.0528 and:0.0423 the:0.0261 to:0.0258 is:0.0190 for:0.0167 at:0.0158 was:0.0143 -:0.7491 the:0.0537 and:0.0524 to:0.0497 of:0.0246 a:0.0240 he:0.0134 will:0.0121 was:0.0109 be:0.0100 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.9424 said:0.0120 same:0.0089 the:0.0068 first:0.0063 great:0.0057 best:0.0047 most:0.0045 other:0.0043 two:0.0043 -:0.7446 to:0.0656 and:0.0604 of:0.0260 the:0.0250 is:0.0219 was:0.0216 in:0.0145 be:0.0103 has:0.0102 -:0.8173 great:0.0373 few:0.0333 very:0.0281 good:0.0231 large:0.0206 little:0.0171 long:0.0091 new:0.0073 small:0.0069 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.6285 the:0.1183 as:0.1020 and:0.0340 that:0.0281 a:0.0230 to:0.0216 of:0.0176 or:0.0142 for:0.0127 -:0.5179 that:0.1126 as:0.1044 and:0.0662 to:0.0618 of:0.0523 for:0.0323 but:0.0245 in:0.0145 if:0.0135 -:0.7557 the:0.0428 and:0.0309 was:0.0297 a:0.0288 is:0.0268 to:0.0261 has:0.0225 have:0.0196 of:0.0172 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.6382 that:0.1052 of:0.0445 to:0.0402 with:0.0385 and:0.0346 in:0.0294 for:0.0262 by:0.0219 as:0.0213 -:0.8961 man:0.0268 men:0.0229 people:0.0182 city:0.0091 same:0.0073 best:0.0054 first:0.0050 county:0.0047 whole:0.0047 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.8734 other:0.0479 and:0.0174 of:0.0122 one:0.0109 time:0.0101 the:0.0078 more:0.0075 to:0.0072 person:0.0055 -:0.7835 will:0.0551 would:0.0329 was:0.0211 had:0.0205 the:0.0191 may:0.0181 he:0.0179 could:0.0169 has:0.0148 -:0.8231 him:0.0365 them:0.0347 up:0.0259 as:0.0243 and:0.0186 it:0.0103 down:0.0093 feet:0.0090 us:0.0083 -:0.8285 of:0.0429 the:0.0360 and:0.0248 a:0.0164 that:0.0119 in:0.0113 to:0.0106 as:0.0106 for:0.0070 -:0.6120 the:0.2507 a:0.0363 it:0.0190 his:0.0189 tho:0.0168 all:0.0128 their:0.0122 which:0.0107 that:0.0107 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -:0.8302 and:0.0488 is:0.0277 was:0.0243 as:0.0127 of:0.0126 that:0.0118 to:0.0112 but:0.0105 it:0.0102 -:0.8337 of:0.0412 and:0.0346 the:0.0249 to:0.0154 a:0.0144 in:0.0126 that:0.0102 by:0.0068 for:0.0061 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7862 to:0.0776 the:0.0392 a:0.0333 and:0.0178 he:0.0104 in:0.0098 his:0.0096 of:0.0086 not:0.0073 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7265 in:0.0458 with:0.0435 for:0.0375 of:0.0358 as:0.0287 by:0.0231 is:0.0219 was:0.0186 and:0.0185 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7328 the:0.1204 a:0.0287 that:0.0275 he:0.0198 his:0.0161 to:0.0144 it:0.0143 all:0.0133 such:0.0128 -:0.6557 to:0.1236 and:0.0746 of:0.0638 in:0.0211 is:0.0150 will:0.0140 for:0.0113 from:0.0112 was:0.0097 -:0.5289 to:0.1855 of:0.0942 a:0.0603 the:0.0509 and:0.0336 in:0.0209 that:0.0092 for:0.0085 or:0.0080 -:0.9178 hour:0.0123 that:0.0118 which:0.0116 old:0.0098 time:0.0091 as:0.0086 when:0.0083 said:0.0069 and:0.0040 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8042 made:0.0575 held:0.0220 done:0.0201 paid:0.0197 given:0.0165 found:0.0164 used:0.0160 taken:0.0142 followed:0.0135 -:0.6710 he:0.0814 who:0.0575 and:0.0524 which:0.0314 we:0.0262 they:0.0256 she:0.0200 that:0.0178 it:0.0168 -:0.8446 of:0.0823 and:0.0254 in:0.0100 to:0.0082 with:0.0075 from:0.0058 or:0.0057 on:0.0053 for:0.0051 -of:0.1660 :0.5554 to:0.0844 in:0.0561 and:0.0475 for:0.0301 with:0.0194 a:0.0176 from:0.0118 by:0.0117 -:0.7848 the:0.0628 be:0.0389 make:0.0227 give:0.0204 pay:0.0171 take:0.0169 see:0.0136 get:0.0117 a:0.0113 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8488 of:0.0371 and:0.0368 to:0.0188 in:0.0156 the:0.0101 for:0.0100 as:0.0089 by:0.0074 on:0.0065 -of:0.4301 :0.2344 to:0.0856 the:0.0709 and:0.0528 for:0.0338 in:0.0311 that:0.0280 a:0.0172 with:0.0162 -:0.7725 and:0.0432 the:0.0325 of:0.0303 is:0.0290 to:0.0271 was:0.0214 a:0.0207 in:0.0138 or:0.0094 -the:0.5179 :0.3611 a:0.0481 tho:0.0136 of:0.0135 this:0.0102 his:0.0102 and:0.0090 in:0.0085 their:0.0078 -:0.8256 and:0.0432 to:0.0297 the:0.0194 is:0.0181 was:0.0167 of:0.0143 be:0.0126 as:0.0111 have:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9572 right:0.0065 time:0.0061 and:0.0052 order:0.0052 power:0.0044 return:0.0042 it:0.0038 as:0.0038 feet:0.0036 -:0.4708 of:0.1607 and:0.1334 to:0.0790 in:0.0432 for:0.0320 with:0.0231 from:0.0214 that:0.0192 as:0.0171 -:0.5202 to:0.1899 and:0.1234 was:0.0378 is:0.0304 of:0.0271 a:0.0203 the:0.0196 in:0.0164 or:0.0148 -:0.8528 of:0.0338 and:0.0321 to:0.0311 or:0.0146 are:0.0080 in:0.0079 is:0.0071 was:0.0066 for:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7919 the:0.0678 a:0.0301 that:0.0291 to:0.0239 it:0.0177 in:0.0124 by:0.0098 he:0.0087 no:0.0086 -:0.6758 that:0.1294 and:0.0485 the:0.0434 to:0.0271 which:0.0249 a:0.0144 as:0.0130 in:0.0126 his:0.0108 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5777 he:0.1943 it:0.0975 there:0.0304 she:0.0205 and:0.0191 they:0.0173 that:0.0162 which:0.0149 the:0.0120 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.6483 they:0.0546 it:0.0546 and:0.0490 he:0.0413 which:0.0354 we:0.0318 as:0.0314 that:0.0309 who:0.0227 -:0.9316 up:0.0127 days:0.0089 him:0.0087 and:0.0076 years:0.0070 it:0.0068 them:0.0060 in:0.0055 time:0.0050 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6632 of:0.0960 and:0.0838 to:0.0311 that:0.0288 in:0.0257 from:0.0207 for:0.0201 but:0.0170 as:0.0136 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5890 it:0.1103 he:0.0824 that:0.0572 and:0.0566 they:0.0333 which:0.0321 as:0.0156 but:0.0123 to:0.0113 -:0.9242 and:0.0206 to:0.0118 of:0.0090 as:0.0089 that:0.0073 the:0.0057 which:0.0045 in:0.0041 but:0.0039 -:0.5973 to:0.1838 the:0.0403 and:0.0355 a:0.0347 of:0.0284 in:0.0277 that:0.0209 not:0.0174 at:0.0139 -:0.6286 to:0.1005 of:0.0945 and:0.0476 in:0.0276 for:0.0260 the:0.0205 by:0.0190 a:0.0182 that:0.0174 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6961 we:0.1079 they:0.0516 who:0.0281 to:0.0248 would:0.0244 will:0.0230 you:0.0170 he:0.0139 shall:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7478 and:0.0585 of:0.0571 to:0.0468 in:0.0188 for:0.0179 as:0.0157 that:0.0130 from:0.0122 the:0.0121 -:0.7008 the:0.1281 a:0.0362 to:0.0299 of:0.0259 and:0.0248 that:0.0192 in:0.0174 by:0.0093 it:0.0083 -:0.9245 him:0.0192 it:0.0155 them:0.0081 he:0.0068 the:0.0065 up:0.0056 me:0.0048 and:0.0045 you:0.0044 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.6718 of:0.1267 is:0.0552 and:0.0551 that:0.0195 are:0.0192 was:0.0185 in:0.0126 the:0.0119 he:0.0096 -:0.7044 was:0.0985 had:0.0565 is:0.0466 has:0.0302 to:0.0137 and:0.0134 would:0.0128 are:0.0125 will:0.0115 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.8287 the:0.0757 and:0.0274 a:0.0207 of:0.0132 was:0.0072 as:0.0072 is:0.0067 to:0.0067 so:0.0064 -of:0.1771 :0.4776 to:0.0768 in:0.0594 for:0.0575 is:0.0421 and:0.0392 at:0.0243 with:0.0239 on:0.0221 -:0.8322 few:0.0449 large:0.0231 very:0.0228 little:0.0193 great:0.0171 good:0.0138 certain:0.0100 a:0.0085 new:0.0084 -:0.9073 out:0.0220 and:0.0152 one:0.0142 that:0.0091 all:0.0081 to:0.0073 day:0.0066 some:0.0064 line:0.0038 -:0.6106 the:0.2608 a:0.0317 tho:0.0179 this:0.0162 his:0.0151 it:0.0145 that:0.0141 their:0.0100 which:0.0093 -:0.7929 the:0.1154 a:0.0179 was:0.0133 that:0.0128 is:0.0111 his:0.0101 in:0.0100 all:0.0091 be:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8062 favor:0.0513 one:0.0301 spite:0.0262 order:0.0217 front:0.0152 behalf:0.0145 some:0.0123 view:0.0119 all:0.0107 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.9251 the:0.0362 a:0.0100 of:0.0061 said:0.0060 and:0.0054 two:0.0029 in:0.0029 one:0.0027 at:0.0026 -:0.6926 the:0.1012 of:0.0557 a:0.0427 and:0.0276 is:0.0198 to:0.0184 in:0.0176 his:0.0141 as:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7316 to:0.0945 the:0.0322 of:0.0312 in:0.0285 and:0.0269 a:0.0161 by:0.0157 for:0.0119 on:0.0114 -:0.9005 the:0.0210 and:0.0190 of:0.0156 a:0.0105 to:0.0102 that:0.0069 have:0.0057 had:0.0054 in:0.0052 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8445 the:0.0409 of:0.0184 to:0.0183 and:0.0170 in:0.0165 a:0.0162 that:0.0104 for:0.0093 at:0.0086 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8096 the:0.0498 and:0.0353 to:0.0267 of:0.0257 a:0.0155 in:0.0118 that:0.0111 at:0.0075 for:0.0071 -:0.7898 are:0.0343 have:0.0306 the:0.0299 a:0.0255 and:0.0218 to:0.0193 of:0.0192 will:0.0164 in:0.0130 -of:0.1429 :0.3812 to:0.1153 in:0.0783 by:0.0667 for:0.0613 on:0.0504 that:0.0393 at:0.0338 with:0.0309 -:0.9221 as:0.0198 and:0.0116 is:0.0111 according:0.0079 feet:0.0071 came:0.0060 due:0.0051 enough:0.0048 went:0.0045 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.5814 the:0.0936 a:0.0832 is:0.0792 was:0.0477 and:0.0361 be:0.0339 has:0.0185 have:0.0134 had:0.0131 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7186 of:0.0889 to:0.0454 and:0.0421 in:0.0258 for:0.0201 the:0.0186 that:0.0170 by:0.0131 on:0.0103 -:0.7408 the:0.0495 and:0.0450 is:0.0357 was:0.0318 are:0.0274 were:0.0227 will:0.0182 to:0.0156 a:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8957 a:0.0145 same:0.0139 last:0.0129 most:0.0117 great:0.0113 said:0.0112 old:0.0100 the:0.0099 very:0.0091 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7256 the:0.0771 a:0.0682 and:0.0379 of:0.0336 is:0.0173 was:0.0139 to:0.0117 for:0.0077 by:0.0069 -:0.5720 not:0.2078 be:0.1027 the:0.0434 have:0.0202 to:0.0151 bo:0.0113 a:0.0104 he:0.0096 all:0.0075 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.3377 :0.4294 not:0.0970 have:0.0374 bo:0.0306 the:0.0194 take:0.0187 a:0.0136 make:0.0085 do:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.5943 :0.2498 a:0.0538 tho:0.0305 this:0.0219 their:0.0123 his:0.0111 tbe:0.0098 its:0.0084 her:0.0081 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9466 man:0.0129 year:0.0077 time:0.0057 connection:0.0053 bill:0.0052 candidate:0.0051 day:0.0043 week:0.0037 war:0.0034 -:0.8293 had:0.0291 was:0.0290 is:0.0287 has:0.0239 will:0.0157 have:0.0126 are:0.0108 and:0.0106 would:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8189 years:0.0564 days:0.0232 weeks:0.0222 months:0.0190 hundred:0.0188 and:0.0127 men:0.0126 or:0.0086 of:0.0077 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.8322 and:0.0712 of:0.0183 to:0.0178 that:0.0170 the:0.0126 a:0.0099 or:0.0074 so:0.0069 all:0.0067 -:0.7547 of:0.0713 and:0.0572 to:0.0277 the:0.0218 for:0.0186 in:0.0139 is:0.0124 as:0.0115 was:0.0109 -:0.7384 the:0.0530 to:0.0489 and:0.0381 of:0.0270 in:0.0255 by:0.0188 a:0.0181 for:0.0170 that:0.0151 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7288 of:0.0646 and:0.0578 to:0.0355 the:0.0303 in:0.0224 was:0.0181 or:0.0163 is:0.0133 a:0.0127 -:0.8871 the:0.0392 and:0.0118 of:0.0116 which:0.0104 a:0.0101 to:0.0084 that:0.0083 in:0.0070 it:0.0061 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.8577 of:0.0610 and:0.0214 the:0.0108 to:0.0105 in:0.0089 a:0.0086 are:0.0073 or:0.0070 at:0.0068 -is:0.1527 :0.5103 was:0.0783 of:0.0620 in:0.0439 for:0.0354 to:0.0349 the:0.0311 by:0.0274 with:0.0239 -:0.6596 the:0.0885 of:0.0869 to:0.0309 and:0.0292 a:0.0286 that:0.0260 in:0.0184 for:0.0164 by:0.0155 -:0.8126 and:0.0549 the:0.0345 to:0.0170 was:0.0168 is:0.0160 of:0.0147 a:0.0132 are:0.0106 or:0.0098 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8484 the:0.0633 and:0.0235 of:0.0152 that:0.0113 a:0.0083 his:0.0082 to:0.0081 in:0.0077 as:0.0061 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.8688 it:0.0481 which:0.0282 he:0.0119 this:0.0099 the:0.0086 life:0.0067 said:0.0065 that:0.0060 land:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.4323 :0.3617 to:0.0548 and:0.0348 in:0.0326 is:0.0271 for:0.0176 or:0.0139 with:0.0133 was:0.0119 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9037 same:0.0212 other:0.0131 whole:0.0111 most:0.0103 first:0.0101 last:0.0088 great:0.0073 two:0.0073 highest:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5870 of:0.1231 in:0.0722 to:0.0468 for:0.0382 and:0.0326 on:0.0301 at:0.0239 by:0.0236 that:0.0225 -:0.8345 and:0.0372 the:0.0318 that:0.0239 is:0.0171 as:0.0160 was:0.0116 which:0.0094 said:0.0094 of:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9470 it:0.0115 time:0.0089 which:0.0063 and:0.0055 country:0.0048 life:0.0043 matter:0.0041 man:0.0040 day:0.0036 -:0.7234 of:0.0807 the:0.0493 and:0.0345 a:0.0305 in:0.0210 for:0.0172 with:0.0159 to:0.0152 by:0.0123 -:0.6999 been:0.0768 to:0.0683 in:0.0405 not:0.0224 a:0.0214 the:0.0214 no:0.0189 that:0.0162 seen:0.0140 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6062 the:0.1761 a:0.0840 his:0.0374 and:0.0226 that:0.0198 to:0.0158 their:0.0151 which:0.0116 this:0.0115 -:0.6922 and:0.0757 is:0.0714 was:0.0425 are:0.0273 he:0.0221 it:0.0218 has:0.0168 who:0.0155 or:0.0147 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2231 :0.4751 in:0.0506 for:0.0455 to:0.0443 or:0.0410 with:0.0320 at:0.0317 on:0.0295 by:0.0272 -:0.8254 and:0.0356 of:0.0345 to:0.0256 will:0.0194 are:0.0151 in:0.0137 as:0.0112 is:0.0098 for:0.0096 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -:0.8987 of:0.0176 the:0.0170 is:0.0141 in:0.0126 or:0.0094 and:0.0086 time:0.0076 was:0.0074 other:0.0070 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -:0.7103 more:0.1116 to:0.0512 less:0.0410 and:0.0304 that:0.0219 the:0.0101 it:0.0086 which:0.0078 by:0.0072 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6208 of:0.0814 to:0.0750 and:0.0589 in:0.0411 the:0.0346 that:0.0308 as:0.0225 for:0.0185 who:0.0164 -:0.7148 the:0.0709 to:0.0532 and:0.0346 in:0.0277 of:0.0255 a:0.0254 by:0.0175 that:0.0170 at:0.0133 -:0.9040 and:0.0231 of:0.0229 the:0.0113 to:0.0084 in:0.0075 or:0.0073 a:0.0062 is:0.0050 are:0.0042 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.9675 and:0.0061 hundred:0.0039 house:0.0038 men:0.0038 of:0.0035 in:0.0035 down:0.0030 to:0.0025 not:0.0023 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8932 well:0.0260 it:0.0237 soon:0.0111 he:0.0096 the:0.0083 a:0.0073 they:0.0072 much:0.0072 possible:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6717 of:0.1152 in:0.0581 to:0.0471 and:0.0350 for:0.0193 from:0.0175 is:0.0124 with:0.0120 on:0.0119 -:0.7509 to:0.0623 and:0.0451 the:0.0277 of:0.0267 is:0.0195 was:0.0188 a:0.0184 or:0.0162 in:0.0143 -:0.6707 of:0.0902 to:0.0759 and:0.0585 in:0.0289 the:0.0250 for:0.0152 a:0.0145 at:0.0111 that:0.0100 -:0.8613 of:0.0502 and:0.0386 to:0.0103 in:0.0082 or:0.0077 day:0.0069 year:0.0066 the:0.0056 is:0.0047 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9203 come:0.0125 away:0.0103 and:0.0102 came:0.0102 it:0.0083 went:0.0080 up:0.0076 him:0.0064 was:0.0062 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5350 of:0.2114 to:0.0716 and:0.0538 in:0.0459 for:0.0221 on:0.0164 at:0.0158 with:0.0151 by:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8547 it:0.0366 he:0.0333 the:0.0141 is:0.0138 to:0.0129 they:0.0104 and:0.0100 we:0.0078 was:0.0064 -that:0.4006 :0.4078 as:0.0429 and:0.0302 if:0.0298 which:0.0238 when:0.0197 what:0.0186 of:0.0135 to:0.0131 -of:0.2202 :0.4738 in:0.0636 for:0.0477 to:0.0469 and:0.0406 with:0.0393 as:0.0256 by:0.0240 on:0.0182 -:0.7002 very:0.0672 great:0.0608 large:0.0364 good:0.0358 little:0.0279 few:0.0265 a:0.0189 new:0.0135 certain:0.0128 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.8901 opportunity:0.0310 effort:0.0136 right:0.0123 appeal:0.0110 hour:0.0095 feet:0.0089 time:0.0085 order:0.0082 subject:0.0071 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.7326 the:0.0448 and:0.0412 of:0.0383 to:0.0365 that:0.0279 as:0.0240 in:0.0222 be:0.0174 for:0.0152 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7984 the:0.0787 he:0.0289 a:0.0202 is:0.0167 and:0.0141 they:0.0120 to:0.0117 it:0.0102 one:0.0091 -:0.9647 and:0.0072 day:0.0052 in:0.0047 of:0.0036 up:0.0033 more:0.0033 year:0.0028 men:0.0026 home:0.0026 -:0.9469 time:0.0106 one:0.0086 more:0.0063 person:0.0061 way:0.0053 day:0.0049 man:0.0040 year:0.0038 other:0.0036 -:0.5180 of:0.2040 in:0.0802 and:0.0632 to:0.0474 the:0.0274 by:0.0166 for:0.0164 on:0.0143 with:0.0125 -:0.7510 of:0.0726 the:0.0526 and:0.0258 a:0.0236 that:0.0229 in:0.0186 to:0.0163 for:0.0085 at:0.0081 -:0.4907 that:0.1945 as:0.1289 but:0.0344 and:0.0322 because:0.0300 where:0.0290 when:0.0265 if:0.0209 what:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8003 the:0.0707 a:0.0256 and:0.0237 to:0.0201 of:0.0162 that:0.0137 in:0.0117 it:0.0102 as:0.0076 -:0.6961 have:0.0792 are:0.0611 had:0.0449 were:0.0268 in:0.0260 do:0.0195 will:0.0182 of:0.0146 take:0.0137 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8078 and:0.0499 was:0.0338 is:0.0314 to:0.0228 of:0.0157 be:0.0135 who:0.0089 are:0.0083 were:0.0081 -:0.8284 is:0.0339 and:0.0317 was:0.0287 the:0.0164 that:0.0138 to:0.0131 be:0.0120 are:0.0110 of:0.0110 -:0.7549 that:0.1240 which:0.0280 and:0.0236 they:0.0189 as:0.0142 we:0.0107 there:0.0090 it:0.0087 he:0.0079 -to:0.7216 :0.1585 will:0.0400 may:0.0180 shall:0.0149 and:0.0131 would:0.0121 should:0.0087 we:0.0069 can:0.0063 -:0.8961 man:0.0268 men:0.0229 people:0.0182 city:0.0091 same:0.0073 best:0.0054 first:0.0050 county:0.0047 whole:0.0047 -:0.5729 of:0.1596 the:0.0599 to:0.0528 in:0.0511 and:0.0419 by:0.0187 for:0.0166 with:0.0149 on:0.0118 -is:0.2936 was:0.1579 :0.4088 as:0.0285 in:0.0235 with:0.0220 to:0.0193 for:0.0177 has:0.0174 of:0.0114 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7547 of:0.0713 and:0.0572 to:0.0277 the:0.0218 for:0.0186 in:0.0139 is:0.0124 as:0.0115 was:0.0109 -if:0.0232 as:0.0123 tell:0.0116 to:0.0080 when:0.0052 which:0.0052 but:0.0051 :0.9227 before:0.0035 and:0.0033 -:0.7727 of:0.0970 and:0.0459 are:0.0176 or:0.0159 is:0.0127 years:0.0114 was:0.0105 in:0.0087 were:0.0075 -:0.7937 the:0.0759 a:0.0508 he:0.0142 that:0.0134 it:0.0127 and:0.0112 not:0.0110 an:0.0090 to:0.0082 -:0.9496 made:0.0108 it:0.0085 up:0.0054 in:0.0053 not:0.0051 and:0.0046 received:0.0036 down:0.0036 him:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8096 be:0.0587 and:0.0296 to:0.0235 a:0.0160 of:0.0139 have:0.0137 as:0.0122 not:0.0117 that:0.0112 -:0.7264 be:0.1188 the:0.0399 have:0.0260 make:0.0248 see:0.0137 tell:0.0136 give:0.0135 get:0.0127 take:0.0106 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6593 the:0.1428 a:0.0559 and:0.0364 of:0.0274 to:0.0235 be:0.0157 was:0.0152 or:0.0124 is:0.0115 -to:0.2362 :0.4302 is:0.0845 was:0.0666 will:0.0637 would:0.0430 may:0.0241 should:0.0208 shall:0.0164 can:0.0145 -:0.5881 of:0.1718 and:0.0838 to:0.0573 in:0.0282 for:0.0207 by:0.0135 the:0.0128 or:0.0121 with:0.0116 -:0.9402 it:0.0109 he:0.0083 two:0.0064 and:0.0063 one:0.0061 that:0.0060 three:0.0057 more:0.0054 as:0.0047 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -the:0.3825 :0.4145 a:0.0536 to:0.0358 his:0.0311 in:0.0208 of:0.0191 and:0.0170 by:0.0131 for:0.0125 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8170 of:0.0676 and:0.0421 to:0.0184 day:0.0171 in:0.0102 or:0.0083 the:0.0078 for:0.0059 that:0.0056 -:0.8477 the:0.0705 a:0.0168 of:0.0166 and:0.0133 to:0.0108 in:0.0102 for:0.0054 that:0.0044 tho:0.0044 -:0.6631 to:0.1211 and:0.0547 has:0.0470 had:0.0308 have:0.0295 of:0.0161 will:0.0148 the:0.0123 would:0.0106 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -will:0.2343 would:0.1862 could:0.1001 shall:0.0717 should:0.0663 may:0.0632 can:0.0578 must:0.0421 :0.1475 to:0.0308 -:0.9697 the:0.0054 a:0.0050 be:0.0038 his:0.0031 other:0.0029 its:0.0028 most:0.0027 many:0.0024 then:0.0023 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3421 a:0.1141 :0.4012 his:0.0339 their:0.0232 any:0.0222 this:0.0175 all:0.0166 tho:0.0160 our:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7123 the:0.1197 a:0.0460 and:0.0448 of:0.0174 to:0.0156 is:0.0128 was:0.0124 are:0.0101 that:0.0089 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.8679 doubt:0.0311 more:0.0285 longer:0.0161 less:0.0132 one:0.0121 other:0.0103 time:0.0099 person:0.0059 two:0.0051 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4949 to:0.1736 would:0.0785 will:0.0767 we:0.0353 they:0.0324 should:0.0302 could:0.0288 shall:0.0255 and:0.0241 -:0.8095 the:0.0392 of:0.0389 and:0.0330 is:0.0219 was:0.0141 in:0.0139 a:0.0132 to:0.0087 for:0.0075 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -of:0.2303 :0.5995 and:0.0532 to:0.0328 or:0.0201 hundred:0.0174 in:0.0152 with:0.0138 for:0.0099 is:0.0078 -:0.7164 as:0.0417 with:0.0406 in:0.0372 for:0.0370 of:0.0358 is:0.0260 by:0.0249 and:0.0208 to:0.0197 -:0.8830 fact:0.0611 said:0.0128 belief:0.0088 time:0.0075 world:0.0070 city:0.0056 opinion:0.0053 same:0.0048 year:0.0041 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -:0.8788 the:0.0423 a:0.0254 is:0.0127 and:0.0083 this:0.0073 was:0.0071 are:0.0065 one:0.0060 an:0.0056 -:0.9012 of:0.0294 and:0.0211 to:0.0101 in:0.0085 year:0.0067 is:0.0064 for:0.0056 will:0.0055 day:0.0055 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -known:0.0074 soon:0.0065 described:0.0063 :0.9577 regarded:0.0055 far:0.0051 well:0.0034 thereof:0.0034 just:0.0024 out:0.0023 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7260 of:0.0672 the:0.0664 and:0.0345 is:0.0262 in:0.0232 was:0.0182 that:0.0141 or:0.0129 be:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8532 go:0.0396 come:0.0225 return:0.0155 him:0.0149 try:0.0134 be:0.0114 them:0.0111 have:0.0099 appear:0.0085 -:0.7054 to:0.1270 and:0.0745 of:0.0276 in:0.0173 will:0.0134 from:0.0104 for:0.0091 that:0.0085 on:0.0068 -of:0.2255 :0.4273 in:0.1073 to:0.0570 for:0.0422 on:0.0355 from:0.0313 and:0.0276 by:0.0248 at:0.0216 -:0.7172 to:0.1164 and:0.0618 will:0.0385 would:0.0196 is:0.0107 was:0.0103 can:0.0094 of:0.0080 he:0.0079 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8650 of:0.0309 and:0.0281 the:0.0147 that:0.0137 in:0.0128 as:0.0099 to:0.0097 he:0.0077 is:0.0075 -:0.7096 of:0.1049 to:0.0387 in:0.0376 and:0.0358 the:0.0204 for:0.0171 at:0.0123 from:0.0120 that:0.0116 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7679 and:0.0355 the:0.0315 was:0.0285 is:0.0278 be:0.0245 he:0.0245 has:0.0232 have:0.0189 a:0.0177 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.6948 the:0.0532 in:0.0521 of:0.0416 to:0.0380 a:0.0379 that:0.0300 for:0.0218 at:0.0171 and:0.0137 -:0.8751 in:0.0288 that:0.0227 to:0.0156 at:0.0153 of:0.0092 if:0.0085 when:0.0083 for:0.0083 from:0.0080 -:0.7375 and:0.0707 has:0.0330 to:0.0293 is:0.0239 of:0.0239 was:0.0236 the:0.0212 have:0.0199 he:0.0171 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7311 it:0.1219 and:0.0333 which:0.0302 that:0.0238 there:0.0169 to:0.0142 he:0.0125 who:0.0093 but:0.0067 -:0.7990 it:0.0499 which:0.0296 and:0.0289 that:0.0285 there:0.0188 who:0.0178 of:0.0109 but:0.0095 he:0.0070 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5919 of:0.1667 and:0.0930 the:0.0262 is:0.0257 in:0.0241 to:0.0199 for:0.0187 with:0.0178 was:0.0161 -:0.5554 the:0.1600 a:0.0713 of:0.0536 and:0.0452 to:0.0369 that:0.0248 or:0.0192 for:0.0177 in:0.0157 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5774 any:0.2013 the:0.0972 in:0.0315 to:0.0220 other:0.0193 two:0.0138 a:0.0131 three:0.0123 of:0.0121 -the:0.2717 :0.5034 a:0.0889 his:0.0452 all:0.0187 tho:0.0173 their:0.0167 this:0.0166 its:0.0114 our:0.0101 -:0.8939 and:0.0312 to:0.0155 of:0.0112 a:0.0111 was:0.0081 is:0.0078 he:0.0076 the:0.0068 be:0.0067 -a:0.0069 the:0.0041 be:0.0023 an:0.0018 tho:0.0018 said:0.0016 tbe:0.0015 :0.9771 very:0.0014 our:0.0014 -:0.6206 the:0.2005 a:0.0460 to:0.0324 in:0.0279 his:0.0170 this:0.0158 any:0.0147 of:0.0147 by:0.0104 -:0.8952 and:0.0265 to:0.0142 it:0.0109 him:0.0104 up:0.0103 he:0.0098 out:0.0081 the:0.0078 in:0.0067 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -of:0.2592 :0.3953 in:0.0721 for:0.0636 to:0.0483 and:0.0427 by:0.0345 on:0.0287 from:0.0283 with:0.0274 -:0.6739 of:0.0671 and:0.0593 the:0.0566 in:0.0352 to:0.0273 was:0.0251 is:0.0240 as:0.0166 for:0.0149 -:0.7955 and:0.0580 he:0.0273 who:0.0272 the:0.0231 to:0.0228 is:0.0130 it:0.0121 they:0.0106 will:0.0105 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5781 the:0.1242 to:0.0653 that:0.0524 and:0.0438 of:0.0422 a:0.0383 in:0.0288 for:0.0145 by:0.0122 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -of:0.5150 :0.2852 in:0.0654 with:0.0286 for:0.0243 on:0.0189 to:0.0180 and:0.0164 at:0.0147 from:0.0134 -:0.9111 of:0.0193 in:0.0140 hour:0.0136 all:0.0098 at:0.0084 on:0.0064 and:0.0060 for:0.0059 time:0.0055 -:0.4442 of:0.1542 to:0.1263 in:0.0688 by:0.0476 on:0.0364 for:0.0336 and:0.0308 that:0.0306 with:0.0275 -be:0.1738 bo:0.0384 he:0.0175 not:0.0128 take:0.0100 lie:0.0093 have:0.0088 the:0.0081 never:0.0077 :0.7135 -:0.9911 a:0.0017 be:0.0011 do:0.0011 the:0.0009 said:0.0009 say:0.0009 and:0.0008 is:0.0008 are:0.0007 -:0.8213 the:0.0386 and:0.0278 to:0.0251 that:0.0196 of:0.0195 in:0.0150 he:0.0118 a:0.0112 for:0.0099 -:0.6120 the:0.2507 a:0.0363 it:0.0190 his:0.0189 tho:0.0168 all:0.0128 their:0.0122 which:0.0107 that:0.0107 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7862 and:0.0480 was:0.0334 is:0.0298 of:0.0225 the:0.0206 have:0.0178 be:0.0151 that:0.0133 had:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9608 way:0.0065 work:0.0059 hands:0.0046 time:0.0042 lives:0.0041 home:0.0037 land:0.0035 duty:0.0034 efforts:0.0033 -:0.8453 the:0.0317 to:0.0308 of:0.0233 in:0.0166 and:0.0154 a:0.0114 for:0.0098 on:0.0081 as:0.0075 -he:0.1824 :0.4616 it:0.1294 they:0.0626 we:0.0371 which:0.0338 you:0.0257 that:0.0242 there:0.0230 she:0.0203 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9742 it:0.0053 the:0.0037 wife:0.0029 then:0.0026 that:0.0025 he:0.0025 there:0.0025 interest:0.0019 in:0.0019 -:0.7353 and:0.1308 to:0.0385 was:0.0204 is:0.0178 of:0.0172 the:0.0128 will:0.0115 or:0.0081 has:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8206 of:0.0395 and:0.0378 the:0.0244 to:0.0177 is:0.0138 or:0.0123 a:0.0119 was:0.0114 be:0.0106 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9245 time:0.0144 is:0.0125 was:0.0101 and:0.0089 year:0.0082 country:0.0065 city:0.0053 will:0.0051 the:0.0046 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.8231 and:0.0399 of:0.0342 the:0.0241 to:0.0193 in:0.0159 a:0.0133 is:0.0102 are:0.0100 that:0.0099 -:0.5910 the:0.0684 of:0.0664 that:0.0632 to:0.0611 and:0.0509 a:0.0334 in:0.0270 for:0.0201 by:0.0184 -:0.7540 the:0.1220 a:0.0496 to:0.0211 has:0.0112 his:0.0096 no:0.0089 was:0.0080 be:0.0078 tho:0.0077 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.9001 most:0.0184 same:0.0152 other:0.0111 great:0.0105 present:0.0104 last:0.0088 the:0.0086 new:0.0085 whole:0.0083 -:0.9351 the:0.0202 order:0.0126 which:0.0060 said:0.0048 him:0.0047 it:0.0045 this:0.0044 a:0.0040 front:0.0037 -:0.9068 same:0.0241 said:0.0188 first:0.0120 whole:0.0071 old:0.0065 most:0.0064 following:0.0063 highest:0.0062 public:0.0059 -be:0.2232 :0.6714 not:0.0252 have:0.0174 the:0.0150 bo:0.0120 to:0.0119 a:0.0102 get:0.0072 do:0.0066 -:0.6708 the:0.2158 a:0.0423 said:0.0142 his:0.0132 tho:0.0120 other:0.0095 their:0.0080 no:0.0071 is:0.0070 -:0.8644 to:0.0340 and:0.0241 of:0.0148 will:0.0135 the:0.0120 a:0.0117 are:0.0091 or:0.0083 would:0.0081 -:0.7547 of:0.0713 and:0.0572 to:0.0277 the:0.0218 for:0.0186 in:0.0139 is:0.0124 as:0.0115 was:0.0109 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2400 :0.4597 to:0.1269 and:0.0768 in:0.0294 for:0.0200 or:0.0139 by:0.0126 at:0.0106 that:0.0101 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7324 was:0.0651 the:0.0515 a:0.0418 is:0.0326 had:0.0218 would:0.0153 to:0.0146 be:0.0145 no:0.0102 -:0.8177 and:0.0435 the:0.0407 to:0.0285 of:0.0241 a:0.0164 or:0.0079 will:0.0077 was:0.0069 for:0.0065 -:0.8167 day:0.1150 side:0.0165 line:0.0143 part:0.0107 and:0.0070 time:0.0061 one:0.0051 number:0.0044 amount:0.0040 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.6808 the:0.1808 a:0.0535 to:0.0162 of:0.0133 and:0.0130 in:0.0118 his:0.0115 this:0.0101 an:0.0089 -:0.9346 own:0.0241 wife:0.0083 hand:0.0065 hands:0.0049 of:0.0047 office:0.0046 life:0.0042 day:0.0040 old:0.0040 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -of:0.3272 :0.4249 and:0.0617 to:0.0586 in:0.0473 with:0.0184 the:0.0182 on:0.0172 for:0.0164 is:0.0101 -:0.7435 the:0.1233 and:0.0289 a:0.0269 to:0.0248 of:0.0186 in:0.0100 that:0.0082 at:0.0080 this:0.0078 -:0.7996 of:0.0371 the:0.0346 and:0.0314 is:0.0263 in:0.0182 was:0.0181 a:0.0134 at:0.0110 are:0.0105 -:0.6472 of:0.0840 ago:0.0765 and:0.0603 to:0.0401 in:0.0273 that:0.0218 for:0.0157 or:0.0139 as:0.0131 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -of:0.2575 :0.4562 to:0.0981 in:0.0487 and:0.0376 at:0.0275 the:0.0222 for:0.0193 on:0.0176 or:0.0154 -:0.9252 little:0.0160 good:0.0119 man:0.0087 large:0.0085 matter:0.0068 great:0.0064 few:0.0057 very:0.0055 long:0.0053 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -to:0.1571 :0.4041 in:0.1299 by:0.0673 of:0.0609 for:0.0432 on:0.0424 at:0.0398 that:0.0286 from:0.0268 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.2994 :0.4006 a:0.1614 this:0.0297 his:0.0252 its:0.0214 tho:0.0184 said:0.0177 their:0.0153 which:0.0109 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.5640 of:0.1168 the:0.0921 a:0.0570 to:0.0464 and:0.0370 in:0.0312 by:0.0199 for:0.0198 that:0.0158 -:0.7733 to:0.1060 and:0.0291 will:0.0233 would:0.0142 that:0.0124 as:0.0110 was:0.0109 in:0.0101 is:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8806 and:0.0210 of:0.0189 in:0.0179 to:0.0172 it:0.0152 not:0.0090 that:0.0074 up:0.0070 for:0.0060 -:0.7867 years:0.0680 days:0.0360 weeks:0.0308 hundred:0.0270 months:0.0149 and:0.0112 or:0.0110 men:0.0093 hours:0.0051 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -of:0.1745 to:0.1243 :0.3756 in:0.0942 for:0.0445 on:0.0431 from:0.0403 and:0.0395 by:0.0357 with:0.0283 -:0.8773 be:0.0386 him:0.0145 them:0.0113 go:0.0106 work:0.0100 come:0.0096 put:0.0095 the:0.0095 appear:0.0090 -:0.9002 the:0.0332 of:0.0146 to:0.0103 a:0.0095 and:0.0080 in:0.0076 tho:0.0060 it:0.0054 that:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.3205 :0.5418 the:0.0298 not:0.0242 bo:0.0238 have:0.0211 he:0.0145 to:0.0089 a:0.0081 that:0.0073 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7478 the:0.0824 of:0.0448 and:0.0446 to:0.0238 in:0.0125 that:0.0117 a:0.0113 is:0.0111 as:0.0099 -:0.6748 to:0.1558 and:0.0382 that:0.0268 be:0.0227 the:0.0219 he:0.0198 in:0.0143 as:0.0128 by:0.0128 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9535 world:0.0075 war:0.0070 time:0.0064 people:0.0053 bill:0.0045 country:0.0044 county:0.0039 city:0.0039 ground:0.0036 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7545 as:0.0530 that:0.0523 if:0.0322 and:0.0253 to:0.0210 but:0.0177 which:0.0160 when:0.0157 in:0.0123 -the:0.2658 :0.5129 a:0.0704 that:0.0411 his:0.0209 tho:0.0197 it:0.0195 their:0.0173 to:0.0163 an:0.0160 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.3677 :0.4425 and:0.0464 the:0.0460 of:0.0297 in:0.0201 it:0.0146 is:0.0117 he:0.0107 was:0.0106 -:0.9502 most:0.0105 last:0.0056 public:0.0051 highest:0.0051 present:0.0051 first:0.0048 said:0.0047 same:0.0045 past:0.0044 -:0.8415 the:0.0919 a:0.0271 of:0.0070 said:0.0063 and:0.0063 be:0.0054 in:0.0051 to:0.0049 his:0.0044 -:0.5631 of:0.1287 to:0.1003 and:0.0940 in:0.0341 that:0.0314 for:0.0165 or:0.0129 at:0.0095 the:0.0094 -:0.6784 the:0.1536 a:0.0511 and:0.0240 is:0.0222 this:0.0180 his:0.0161 one:0.0136 was:0.0116 their:0.0115 -:0.7535 of:0.0930 in:0.0533 for:0.0195 to:0.0184 and:0.0181 on:0.0156 with:0.0125 from:0.0082 upon:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7867 the:0.0724 of:0.0515 a:0.0242 and:0.0164 at:0.0155 in:0.0119 that:0.0085 for:0.0072 as:0.0057 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8759 of:0.0504 and:0.0247 the:0.0110 as:0.0081 in:0.0079 or:0.0062 for:0.0055 is:0.0055 way:0.0050 -the:0.2715 a:0.1263 :0.4587 be:0.0584 make:0.0193 his:0.0184 tho:0.0153 take:0.0109 this:0.0108 any:0.0104 -:0.8101 and:0.0469 the:0.0275 a:0.0266 to:0.0224 of:0.0197 was:0.0135 is:0.0134 had:0.0102 has:0.0097 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8525 of:0.0488 and:0.0347 in:0.0164 to:0.0137 or:0.0083 the:0.0072 for:0.0066 than:0.0062 on:0.0057 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5861 of:0.1352 and:0.0742 to:0.0514 the:0.0498 in:0.0340 that:0.0238 for:0.0182 or:0.0148 at:0.0123 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8541 and:0.0365 to:0.0261 was:0.0195 of:0.0164 is:0.0163 or:0.0081 in:0.0081 that:0.0076 the:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9015 one:0.0257 out:0.0221 that:0.0136 part:0.0098 and:0.0079 all:0.0054 it:0.0048 some:0.0047 to:0.0045 -of:0.1626 :0.5176 in:0.0678 and:0.0498 to:0.0455 for:0.0442 on:0.0297 that:0.0293 by:0.0289 at:0.0246 -of:0.3150 :0.4783 in:0.0492 to:0.0376 and:0.0279 for:0.0274 with:0.0212 on:0.0179 at:0.0132 or:0.0124 -:0.7394 to:0.0934 of:0.0400 the:0.0376 in:0.0252 and:0.0204 that:0.0137 with:0.0113 by:0.0104 on:0.0086 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7984 the:0.0934 to:0.0299 and:0.0254 a:0.0166 of:0.0111 he:0.0070 tho:0.0064 be:0.0062 we:0.0057 -:0.8077 the:0.0612 that:0.0238 to:0.0214 in:0.0209 which:0.0160 all:0.0130 at:0.0129 and:0.0121 them:0.0110 -:0.6390 the:0.1677 and:0.0524 a:0.0419 to:0.0281 is:0.0175 of:0.0164 his:0.0138 be:0.0118 was:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7705 the:0.0977 he:0.0293 that:0.0218 a:0.0204 we:0.0155 they:0.0141 to:0.0118 his:0.0107 if:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -he:0.3386 :0.3987 it:0.1157 she:0.0442 there:0.0344 they:0.0210 ho:0.0151 the:0.0123 we:0.0103 which:0.0097 -:0.6522 that:0.1125 of:0.0737 and:0.0536 to:0.0310 in:0.0207 the:0.0196 a:0.0144 for:0.0133 at:0.0090 -:0.7512 and:0.0709 to:0.0527 of:0.0453 in:0.0222 or:0.0155 is:0.0141 that:0.0101 as:0.0090 with:0.0090 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8065 of:0.0598 and:0.0416 to:0.0373 in:0.0144 as:0.0090 for:0.0089 or:0.0080 the:0.0078 at:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7518 is:0.0493 and:0.0479 was:0.0402 to:0.0349 of:0.0254 be:0.0169 the:0.0124 in:0.0112 are:0.0101 -:0.8604 made:0.0474 taken:0.0134 held:0.0130 done:0.0118 followed:0.0115 found:0.0115 not:0.0114 given:0.0107 born:0.0090 -:0.9541 same:0.0148 people:0.0050 time:0.0040 country:0.0038 following:0.0038 world:0.0037 city:0.0036 public:0.0036 war:0.0036 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.5246 the:0.2654 a:0.0749 of:0.0328 to:0.0233 and:0.0189 that:0.0167 his:0.0159 tho:0.0148 this:0.0127 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6652 of:0.1329 and:0.0717 to:0.0556 in:0.0172 that:0.0140 or:0.0133 for:0.0124 at:0.0089 on:0.0088 -:0.6477 to:0.0905 and:0.0838 of:0.0555 in:0.0266 for:0.0257 the:0.0216 by:0.0190 that:0.0151 at:0.0144 -:0.6463 the:0.1436 a:0.1322 his:0.0186 in:0.0128 their:0.0101 tho:0.0098 all:0.0095 no:0.0092 of:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0414 :0.9083 at:0.0094 of:0.0079 a:0.0077 in:0.0070 tho:0.0049 said:0.0049 this:0.0044 and:0.0042 -:0.6818 of:0.1216 the:0.0592 and:0.0419 to:0.0271 that:0.0165 in:0.0158 a:0.0148 for:0.0123 or:0.0092 -:0.9403 and:0.0225 to:0.0056 is:0.0052 of:0.0050 that:0.0049 one:0.0045 the:0.0044 was:0.0041 all:0.0036 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8283 be:0.0418 only:0.0360 to:0.0219 the:0.0187 a:0.0141 in:0.0121 have:0.0108 been:0.0084 that:0.0078 -the:0.3955 :0.3530 a:0.1393 his:0.0342 any:0.0202 this:0.0171 tho:0.0161 our:0.0084 an:0.0083 in:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6229 the:0.2030 be:0.0738 a:0.0262 his:0.0206 tho:0.0141 make:0.0132 her:0.0109 our:0.0077 give:0.0076 -the:0.2015 :0.5522 of:0.0605 a:0.0460 in:0.0403 and:0.0254 to:0.0225 this:0.0187 for:0.0177 at:0.0151 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.7925 of:0.0572 to:0.0345 and:0.0314 in:0.0199 that:0.0167 by:0.0126 at:0.0121 for:0.0119 with:0.0113 -:0.6449 the:0.1597 and:0.0439 of:0.0409 to:0.0350 a:0.0300 in:0.0154 will:0.0103 his:0.0103 or:0.0096 -:0.7585 and:0.0647 is:0.0466 to:0.0266 was:0.0256 will:0.0180 are:0.0178 of:0.0176 but:0.0125 as:0.0120 -:0.9212 to:0.0197 and:0.0197 is:0.0083 or:0.0068 of:0.0061 in:0.0061 was:0.0052 are:0.0036 out:0.0034 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8731 and:0.0435 to:0.0237 the:0.0123 in:0.0118 of:0.0109 is:0.0071 was:0.0063 that:0.0061 at:0.0053 -:0.7080 the:0.0828 and:0.0418 a:0.0352 of:0.0303 to:0.0301 was:0.0233 is:0.0184 has:0.0162 be:0.0139 -:0.7094 to:0.0844 and:0.0599 of:0.0376 that:0.0226 a:0.0206 in:0.0198 the:0.0190 for:0.0188 it:0.0077 -of:0.3330 :0.2650 in:0.0899 to:0.0795 for:0.0581 and:0.0518 with:0.0499 by:0.0307 from:0.0244 on:0.0177 -:0.7532 of:0.0618 and:0.0515 that:0.0390 the:0.0266 in:0.0255 as:0.0124 for:0.0113 with:0.0096 is:0.0092 -:0.6555 of:0.1574 and:0.0529 to:0.0496 in:0.0240 is:0.0141 for:0.0133 the:0.0119 from:0.0109 by:0.0103 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8940 the:0.0255 that:0.0204 he:0.0136 a:0.0104 not:0.0095 to:0.0086 and:0.0070 it:0.0055 so:0.0055 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -is:0.1923 :0.4712 was:0.1379 will:0.0528 would:0.0467 to:0.0323 and:0.0211 has:0.0174 may:0.0170 are:0.0113 -of:0.1415 :0.5111 in:0.0879 to:0.0798 for:0.0362 on:0.0347 and:0.0329 from:0.0279 by:0.0242 at:0.0239 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.5812 to:0.1129 of:0.1127 the:0.0632 and:0.0375 for:0.0273 a:0.0215 in:0.0188 at:0.0127 by:0.0124 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9496 large:0.0079 year:0.0073 long:0.0067 man:0.0057 hundred:0.0056 day:0.0055 good:0.0044 little:0.0037 matter:0.0035 -:0.8166 of:0.0367 and:0.0362 to:0.0279 the:0.0189 in:0.0184 that:0.0134 by:0.0121 are:0.0110 or:0.0089 -:0.7712 that:0.0637 and:0.0371 which:0.0368 as:0.0276 if:0.0189 when:0.0129 the:0.0114 what:0.0102 where:0.0100 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -:0.5968 the:0.2025 to:0.0502 and:0.0302 a:0.0264 in:0.0257 of:0.0237 by:0.0154 that:0.0147 it:0.0144 -:0.6647 of:0.1245 and:0.0509 to:0.0439 in:0.0250 who:0.0238 is:0.0209 the:0.0169 was:0.0160 or:0.0134 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.5030 he:0.1445 they:0.1245 we:0.0923 you:0.0347 she:0.0323 it:0.0238 and:0.0225 the:0.0124 which:0.0101 -:0.7588 the:0.0577 a:0.0450 that:0.0291 in:0.0283 made:0.0215 for:0.0176 so:0.0148 as:0.0143 of:0.0129 -:0.5195 with:0.0761 for:0.0713 as:0.0679 in:0.0567 to:0.0522 of:0.0456 by:0.0456 and:0.0376 is:0.0274 -:0.9343 one:0.0146 out:0.0145 and:0.0097 that:0.0074 is:0.0047 to:0.0041 day:0.0040 all:0.0034 line:0.0033 -:0.8532 the:0.0369 and:0.0302 a:0.0212 to:0.0178 of:0.0117 is:0.0085 was:0.0072 are:0.0067 in:0.0067 -of:0.2430 :0.3622 to:0.0945 in:0.0895 on:0.0532 for:0.0461 and:0.0415 at:0.0254 by:0.0234 with:0.0212 -:0.8210 the:0.1095 a:0.0287 that:0.0091 tho:0.0060 it:0.0058 and:0.0057 to:0.0049 their:0.0048 in:0.0044 -:0.6638 to:0.1251 the:0.0544 and:0.0382 of:0.0347 a:0.0274 in:0.0214 for:0.0126 was:0.0112 is:0.0111 -:0.8363 a:0.0366 the:0.0315 and:0.0285 to:0.0195 of:0.0171 is:0.0098 or:0.0071 will:0.0069 he:0.0068 -:0.7336 the:0.1297 to:0.0344 and:0.0287 of:0.0212 a:0.0164 in:0.0102 this:0.0098 or:0.0084 is:0.0076 -:0.7349 and:0.0768 of:0.0749 to:0.0329 in:0.0196 for:0.0169 as:0.0124 the:0.0122 from:0.0097 or:0.0097 -:0.7390 the:0.0904 and:0.0367 a:0.0319 of:0.0232 that:0.0188 he:0.0167 or:0.0149 to:0.0144 in:0.0140 -:0.6297 it:0.2083 that:0.0447 which:0.0261 there:0.0260 what:0.0242 he:0.0203 and:0.0092 the:0.0071 one:0.0044 -:0.6942 the:0.0999 a:0.0768 of:0.0375 and:0.0262 is:0.0194 in:0.0130 that:0.0124 was:0.0114 his:0.0090 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8262 it:0.0736 which:0.0265 the:0.0234 this:0.0119 what:0.0100 them:0.0085 life:0.0069 that:0.0066 land:0.0064 -:0.9355 men:0.0123 they:0.0101 he:0.0081 time:0.0070 we:0.0058 and:0.0057 who:0.0054 which:0.0051 that:0.0050 -:0.7634 the:0.1124 and:0.0430 a:0.0241 of:0.0145 to:0.0135 was:0.0087 is:0.0070 or:0.0069 he:0.0065 -:0.8220 and:0.0350 it:0.0249 which:0.0228 he:0.0199 they:0.0192 we:0.0179 that:0.0140 as:0.0122 you:0.0121 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6282 to:0.0825 of:0.0725 the:0.0657 and:0.0373 that:0.0274 in:0.0256 by:0.0251 for:0.0180 a:0.0177 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7757 to:0.0592 and:0.0331 the:0.0328 of:0.0254 a:0.0238 will:0.0168 is:0.0130 was:0.0111 or:0.0092 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -the:0.2402 :0.5123 a:0.1351 his:0.0266 an:0.0247 of:0.0165 tho:0.0120 their:0.0113 this:0.0109 to:0.0104 -:0.8172 than:0.1237 able:0.0122 as:0.0100 subject:0.0076 is:0.0072 and:0.0066 likely:0.0057 up:0.0049 right:0.0049 -:0.5755 of:0.2092 and:0.0807 in:0.0402 to:0.0270 at:0.0222 for:0.0124 or:0.0121 that:0.0109 on:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8446 of:0.0823 and:0.0254 in:0.0100 to:0.0082 with:0.0075 from:0.0058 or:0.0057 on:0.0053 for:0.0051 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.8206 of:0.0395 and:0.0378 the:0.0244 to:0.0177 is:0.0138 or:0.0123 a:0.0119 was:0.0114 be:0.0106 -:0.9339 out:0.0186 and:0.0142 one:0.0083 line:0.0051 made:0.0048 part:0.0041 or:0.0040 is:0.0037 side:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3122 :0.5297 a:0.0593 this:0.0210 his:0.0200 and:0.0161 their:0.0122 tho:0.0122 of:0.0095 its:0.0077 -:0.8753 is:0.0329 as:0.0227 and:0.0190 it:0.0099 are:0.0096 was:0.0094 according:0.0076 began:0.0072 seemed:0.0064 -:0.6647 of:0.1245 and:0.0509 to:0.0439 in:0.0250 who:0.0238 is:0.0209 the:0.0169 was:0.0160 or:0.0134 -:0.7651 of:0.0643 the:0.0383 and:0.0361 to:0.0245 a:0.0211 in:0.0205 for:0.0129 by:0.0087 or:0.0085 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7629 the:0.0614 of:0.0415 and:0.0310 a:0.0241 to:0.0205 that:0.0162 in:0.0157 or:0.0145 it:0.0120 -:0.6191 of:0.0785 to:0.0777 in:0.0621 and:0.0331 for:0.0320 by:0.0307 with:0.0234 the:0.0231 at:0.0203 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7254 he:0.0576 they:0.0375 the:0.0370 we:0.0322 you:0.0321 not:0.0294 it:0.0232 to:0.0191 in:0.0064 -:0.7913 the:0.0561 and:0.0371 of:0.0351 to:0.0263 a:0.0177 in:0.0113 for:0.0098 with:0.0080 his:0.0073 -:0.9118 and:0.0250 the:0.0188 it:0.0071 to:0.0070 that:0.0067 he:0.0063 of:0.0062 a:0.0059 more:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9323 was:0.0172 is:0.0103 had:0.0102 out:0.0060 one:0.0057 has:0.0051 thought:0.0048 and:0.0044 need:0.0039 -of:0.3309 :0.4580 and:0.0642 to:0.0379 the:0.0351 in:0.0208 who:0.0158 which:0.0140 or:0.0128 for:0.0104 -:0.8713 and:0.0448 to:0.0283 of:0.0162 the:0.0103 not:0.0081 is:0.0060 was:0.0054 as:0.0050 in:0.0046 -:0.9027 will:0.0314 shall:0.0129 to:0.0124 people:0.0085 would:0.0079 may:0.0074 same:0.0069 must:0.0058 can:0.0041 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.8110 the:0.0920 said:0.0186 such:0.0142 a:0.0126 this:0.0125 tho:0.0107 all:0.0107 which:0.0102 them:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7394 to:0.0934 of:0.0400 the:0.0376 in:0.0252 and:0.0204 that:0.0137 with:0.0113 by:0.0104 on:0.0086 -:0.8214 few:0.0895 great:0.0234 good:0.0134 very:0.0110 long:0.0103 little:0.0101 large:0.0084 short:0.0064 general:0.0062 -:0.9050 other:0.0170 doubt:0.0148 the:0.0136 more:0.0121 time:0.0089 longer:0.0089 and:0.0077 he:0.0060 one:0.0060 -:0.6694 to:0.0819 and:0.0607 of:0.0436 that:0.0318 in:0.0264 or:0.0228 as:0.0222 at:0.0220 will:0.0192 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -as:0.2219 :0.5551 for:0.0356 in:0.0330 to:0.0316 of:0.0306 with:0.0248 and:0.0236 by:0.0234 that:0.0204 -:0.7976 and:0.0662 to:0.0267 of:0.0255 as:0.0212 that:0.0203 is:0.0117 was:0.0115 which:0.0102 it:0.0090 -the:0.0228 a:0.0176 be:0.0087 :0.9160 is:0.0074 per:0.0073 was:0.0061 tho:0.0050 have:0.0048 no:0.0044 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8541 and:0.0365 to:0.0261 was:0.0195 of:0.0164 is:0.0163 or:0.0081 in:0.0081 that:0.0076 the:0.0073 -:0.5256 of:0.1801 to:0.0838 and:0.0579 in:0.0474 the:0.0409 for:0.0187 a:0.0171 is:0.0144 by:0.0141 -:0.7685 the:0.0512 much:0.0477 that:0.0321 far:0.0223 to:0.0199 of:0.0161 it:0.0141 and:0.0140 a:0.0140 -:0.8520 of:0.0527 and:0.0360 the:0.0155 to:0.0099 or:0.0095 in:0.0077 for:0.0062 as:0.0057 that:0.0047 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9127 years:0.0252 and:0.0187 days:0.0076 was:0.0074 or:0.0066 of:0.0061 are:0.0055 is:0.0054 who:0.0048 -:0.5930 to:0.1454 of:0.0929 and:0.0741 in:0.0216 the:0.0204 by:0.0142 be:0.0139 for:0.0126 or:0.0119 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8150 of:0.0536 years:0.0315 and:0.0276 or:0.0217 days:0.0177 as:0.0090 months:0.0089 weeks:0.0083 that:0.0066 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6036 the:0.1549 to:0.0884 a:0.0599 and:0.0264 of:0.0205 in:0.0159 was:0.0137 an:0.0089 will:0.0078 -:0.7745 of:0.0578 the:0.0576 and:0.0290 a:0.0208 in:0.0161 that:0.0132 is:0.0123 for:0.0105 with:0.0082 -:0.5652 to:0.1656 of:0.0841 and:0.0625 in:0.0388 for:0.0212 the:0.0196 by:0.0147 at:0.0146 on:0.0137 -:0.8253 of:0.0566 to:0.0335 and:0.0223 in:0.0214 or:0.0100 for:0.0094 the:0.0077 that:0.0072 on:0.0066 -:0.7282 of:0.0714 and:0.0548 to:0.0329 the:0.0298 that:0.0206 in:0.0184 or:0.0180 for:0.0137 is:0.0123 -:0.9535 world:0.0075 war:0.0070 time:0.0064 people:0.0053 bill:0.0045 country:0.0044 county:0.0039 city:0.0039 ground:0.0036 -:0.6814 the:0.0685 to:0.0508 is:0.0506 was:0.0348 will:0.0292 in:0.0292 a:0.0225 of:0.0168 and:0.0163 -:0.6115 the:0.2471 a:0.0362 said:0.0199 this:0.0197 tho:0.0177 their:0.0136 which:0.0121 his:0.0114 her:0.0107 -:0.8191 hundred:0.1266 day:0.0163 year:0.0114 of:0.0059 man:0.0057 and:0.0048 time:0.0036 week:0.0034 house:0.0031 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8256 and:0.0432 to:0.0297 the:0.0194 is:0.0181 was:0.0167 of:0.0143 be:0.0126 as:0.0111 have:0.0093 -:0.8536 the:0.0355 to:0.0259 a:0.0181 and:0.0166 of:0.0156 in:0.0114 that:0.0092 not:0.0083 by:0.0059 -:0.7136 the:0.1140 of:0.0434 to:0.0326 and:0.0303 a:0.0283 in:0.0133 was:0.0084 his:0.0082 is:0.0078 -:0.7726 the:0.0773 which:0.0420 that:0.0345 a:0.0181 it:0.0135 his:0.0124 their:0.0108 this:0.0105 all:0.0084 -:0.6735 and:0.0900 as:0.0842 that:0.0433 but:0.0281 of:0.0244 to:0.0203 for:0.0129 if:0.0120 which:0.0113 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.8429 the:0.0476 and:0.0255 is:0.0183 was:0.0162 a:0.0156 he:0.0092 are:0.0087 of:0.0084 be:0.0076 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.5633 the:0.1485 a:0.1194 of:0.0528 and:0.0350 to:0.0313 in:0.0142 by:0.0122 for:0.0120 at:0.0114 -the:0.3763 a:0.1197 :0.3662 his:0.0383 tho:0.0200 he:0.0185 their:0.0179 of:0.0173 in:0.0139 its:0.0118 -:0.7316 the:0.0635 a:0.0468 is:0.0345 was:0.0329 and:0.0253 of:0.0185 be:0.0173 are:0.0159 to:0.0137 -of:0.2023 to:0.1141 and:0.0552 in:0.0496 by:0.0407 :0.4495 at:0.0243 for:0.0228 on:0.0216 with:0.0197 -:0.4920 to:0.1256 of:0.0732 in:0.0690 by:0.0602 that:0.0443 for:0.0418 from:0.0347 with:0.0326 on:0.0267 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.8459 of:0.0692 and:0.0174 week:0.0114 in:0.0113 the:0.0103 night:0.0093 is:0.0091 other:0.0088 was:0.0074 -:0.6328 to:0.0928 of:0.0629 the:0.0596 and:0.0402 in:0.0399 for:0.0214 that:0.0194 a:0.0159 by:0.0151 -:0.8173 the:0.0549 to:0.0236 in:0.0218 and:0.0197 a:0.0163 that:0.0143 been:0.0113 of:0.0105 by:0.0102 -the:0.2042 :0.6280 a:0.0525 and:0.0266 of:0.0239 be:0.0167 tho:0.0130 was:0.0129 is:0.0123 his:0.0099 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.9495 it:0.0073 went:0.0071 was:0.0064 is:0.0060 then:0.0059 put:0.0055 made:0.0050 be:0.0038 now:0.0035 -:0.6232 to:0.0903 and:0.0859 of:0.0702 in:0.0332 for:0.0265 the:0.0193 at:0.0191 a:0.0177 by:0.0148 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.6316 of:0.1649 and:0.0584 to:0.0301 in:0.0294 for:0.0222 that:0.0205 the:0.0190 at:0.0129 with:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6736 to:0.1035 it:0.0512 much:0.0349 soon:0.0290 he:0.0261 a:0.0254 well:0.0238 that:0.0163 the:0.0163 -:0.8181 of:0.0436 and:0.0328 to:0.0317 that:0.0197 at:0.0136 in:0.0111 for:0.0106 by:0.0104 with:0.0084 -:0.7130 the:0.0800 to:0.0498 of:0.0342 and:0.0332 a:0.0314 in:0.0231 that:0.0135 for:0.0119 by:0.0098 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7371 to:0.0667 of:0.0558 and:0.0383 in:0.0257 that:0.0206 for:0.0185 by:0.0132 on:0.0121 from:0.0120 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6732 and:0.0819 to:0.0781 of:0.0364 was:0.0344 in:0.0271 is:0.0209 for:0.0195 be:0.0145 that:0.0140 -:0.8252 the:0.0480 of:0.0234 to:0.0201 be:0.0191 and:0.0172 that:0.0170 in:0.0115 a:0.0108 for:0.0077 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8388 and:0.0518 is:0.0259 was:0.0222 to:0.0191 who:0.0098 of:0.0084 be:0.0084 will:0.0079 he:0.0077 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.7212 in:0.0628 of:0.0599 is:0.0314 have:0.0259 on:0.0253 for:0.0190 had:0.0188 was:0.0180 to:0.0177 -:0.8734 own:0.0568 the:0.0245 a:0.0112 wife:0.0080 of:0.0063 old:0.0062 and:0.0053 great:0.0046 new:0.0036 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.6142 of:0.1955 and:0.0635 the:0.0284 in:0.0260 to:0.0222 for:0.0144 with:0.0124 or:0.0124 on:0.0110 -:0.6485 to:0.0959 and:0.0396 will:0.0345 had:0.0335 was:0.0326 would:0.0313 have:0.0295 has:0.0295 of:0.0250 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.7949 of:0.0449 to:0.0416 and:0.0278 that:0.0200 in:0.0181 the:0.0177 as:0.0151 for:0.0105 a:0.0094 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.7895 and:0.0613 of:0.0366 that:0.0257 out:0.0243 or:0.0166 to:0.0137 one:0.0123 but:0.0117 line:0.0083 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -:0.7446 large:0.0497 great:0.0454 little:0.0324 good:0.0274 few:0.0271 very:0.0216 a:0.0190 certain:0.0173 small:0.0157 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7652 and:0.0519 of:0.0470 to:0.0345 be:0.0325 in:0.0174 the:0.0151 is:0.0132 or:0.0127 was:0.0105 -:0.5481 of:0.1304 the:0.0735 and:0.0652 to:0.0638 for:0.0296 in:0.0275 that:0.0271 or:0.0185 with:0.0164 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.8115 to:0.0491 the:0.0360 more:0.0239 less:0.0208 two:0.0156 three:0.0114 any:0.0111 in:0.0111 and:0.0095 -be:0.3454 :0.4966 the:0.0553 not:0.0240 have:0.0235 bo:0.0197 a:0.0128 to:0.0077 that:0.0077 make:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6204 of:0.1112 and:0.0765 the:0.0546 to:0.0348 in:0.0276 that:0.0225 is:0.0204 was:0.0181 with:0.0139 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.4757 :0.3592 a:0.0577 be:0.0238 his:0.0237 tho:0.0193 this:0.0153 their:0.0096 her:0.0085 tbe:0.0073 -:0.5131 of:0.1131 to:0.0774 for:0.0660 and:0.0503 in:0.0442 with:0.0386 was:0.0363 is:0.0308 as:0.0302 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.9289 one:0.0166 part:0.0120 line:0.0077 day:0.0068 side:0.0062 way:0.0061 city:0.0054 case:0.0051 time:0.0051 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.6807 the:0.1487 a:0.0689 of:0.0330 and:0.0289 in:0.0102 this:0.0080 for:0.0077 by:0.0070 his:0.0070 -:0.6703 of:0.1392 and:0.0697 to:0.0317 in:0.0211 as:0.0158 the:0.0150 for:0.0142 or:0.0134 that:0.0094 -:0.8325 the:0.0446 a:0.0383 and:0.0240 of:0.0139 in:0.0099 to:0.0098 for:0.0097 any:0.0087 is:0.0086 -the:0.1541 :0.6294 which:0.0663 that:0.0301 his:0.0297 this:0.0258 and:0.0179 a:0.0172 he:0.0161 their:0.0133 -:0.6170 of:0.1190 to:0.0705 and:0.0588 the:0.0423 in:0.0321 a:0.0198 at:0.0147 by:0.0131 for:0.0128 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.7864 is:0.0534 and:0.0351 are:0.0292 was:0.0259 to:0.0211 will:0.0135 who:0.0126 were:0.0123 has:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9519 hundred:0.0165 day:0.0058 large:0.0053 week:0.0045 year:0.0044 long:0.0033 more:0.0031 little:0.0026 right:0.0025 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6855 the:0.1112 a:0.0455 and:0.0414 of:0.0382 is:0.0203 to:0.0202 in:0.0143 was:0.0118 or:0.0117 -:0.7829 and:0.0589 to:0.0401 the:0.0314 of:0.0199 is:0.0184 was:0.0172 in:0.0117 are:0.0100 a:0.0096 -:0.9487 to:0.0159 and:0.0102 we:0.0048 will:0.0044 he:0.0039 not:0.0035 they:0.0031 one:0.0028 much:0.0027 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6969 of:0.0754 and:0.0510 to:0.0453 in:0.0418 for:0.0294 with:0.0173 that:0.0149 the:0.0143 is:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6951 of:0.0651 to:0.0449 and:0.0442 in:0.0327 the:0.0319 not:0.0257 a:0.0226 that:0.0200 for:0.0179 -be:0.0853 :0.8022 the:0.0225 have:0.0178 a:0.0161 only:0.0161 bo:0.0140 been:0.0092 one:0.0087 not:0.0082 -:0.6690 the:0.0897 to:0.0524 and:0.0426 of:0.0409 in:0.0304 a:0.0257 by:0.0213 that:0.0149 for:0.0131 -:0.5617 the:0.2578 a:0.0751 of:0.0250 his:0.0169 and:0.0160 that:0.0133 to:0.0131 in:0.0126 an:0.0087 -:0.7388 the:0.0557 a:0.0538 and:0.0467 to:0.0434 he:0.0154 will:0.0151 would:0.0111 not:0.0107 of:0.0092 -:0.8822 and:0.0346 them:0.0165 him:0.0131 it:0.0124 that:0.0115 to:0.0089 up:0.0078 be:0.0067 the:0.0063 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6600 the:0.1483 a:0.0479 and:0.0454 of:0.0362 to:0.0288 in:0.0098 this:0.0083 tho:0.0082 or:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6671 to:0.0926 the:0.0861 a:0.0301 it:0.0272 and:0.0260 he:0.0221 in:0.0209 not:0.0147 for:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6683 and:0.0626 the:0.0602 to:0.0522 a:0.0339 of:0.0326 was:0.0317 is:0.0204 in:0.0199 had:0.0181 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.6083 of:0.1029 in:0.0665 to:0.0426 for:0.0396 by:0.0340 with:0.0281 from:0.0277 on:0.0272 and:0.0231 -:0.7552 be:0.0595 only:0.0530 in:0.0217 have:0.0204 to:0.0201 by:0.0199 as:0.0193 make:0.0164 get:0.0145 -:0.7321 is:0.0633 was:0.0512 and:0.0415 of:0.0292 are:0.0236 to:0.0203 were:0.0143 or:0.0128 in:0.0117 -:0.8396 of:0.0633 and:0.0347 the:0.0143 in:0.0128 that:0.0091 or:0.0081 at:0.0061 to:0.0061 for:0.0060 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.5023 of:0.1103 in:0.0806 to:0.0711 that:0.0507 for:0.0491 by:0.0452 as:0.0347 at:0.0291 and:0.0270 -the:0.2911 :0.5142 a:0.0828 to:0.0248 of:0.0213 and:0.0189 his:0.0128 this:0.0121 an:0.0113 no:0.0107 -:0.5745 of:0.1203 in:0.0700 with:0.0443 by:0.0397 on:0.0349 to:0.0319 that:0.0302 at:0.0273 for:0.0270 -:0.8304 of:0.0466 and:0.0292 to:0.0233 in:0.0142 for:0.0130 as:0.0117 that:0.0109 is:0.0105 will:0.0100 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7605 the:0.0821 to:0.0381 and:0.0353 a:0.0345 of:0.0157 is:0.0110 was:0.0082 this:0.0077 his:0.0069 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.8213 of:0.0679 and:0.0302 that:0.0201 in:0.0130 the:0.0128 to:0.0124 at:0.0082 or:0.0071 for:0.0070 -:0.7909 of:0.0649 and:0.0526 is:0.0256 or:0.0175 are:0.0121 who:0.0102 was:0.0096 to:0.0089 but:0.0079 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8823 day:0.0327 and:0.0169 it:0.0154 who:0.0108 time:0.0107 that:0.0081 man:0.0080 which:0.0078 there:0.0074 -:0.9502 same:0.0124 city:0.0074 country:0.0059 people:0.0047 world:0.0043 other:0.0039 whole:0.0039 first:0.0037 most:0.0037 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8784 of:0.0501 and:0.0260 the:0.0100 in:0.0069 or:0.0062 year:0.0061 that:0.0055 time:0.0055 is:0.0055 -that:0.2827 :0.5320 and:0.0455 which:0.0362 as:0.0270 of:0.0213 when:0.0176 if:0.0136 it:0.0125 for:0.0115 -:0.6709 of:0.1440 and:0.0630 to:0.0317 in:0.0228 for:0.0175 or:0.0156 the:0.0131 that:0.0112 on:0.0101 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7743 the:0.0586 and:0.0365 was:0.0265 is:0.0263 not:0.0251 of:0.0160 be:0.0140 have:0.0116 has:0.0110 -:0.8274 and:0.0638 to:0.0173 is:0.0165 that:0.0148 the:0.0144 was:0.0142 he:0.0139 who:0.0089 it:0.0088 -:0.7372 of:0.0598 to:0.0413 and:0.0358 in:0.0339 the:0.0305 for:0.0202 a:0.0144 by:0.0143 that:0.0128 -:0.7469 to:0.1176 and:0.0389 was:0.0194 of:0.0193 will:0.0149 the:0.0142 is:0.0135 in:0.0094 for:0.0060 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -to:0.5175 :0.3069 of:0.0372 and:0.0289 in:0.0285 will:0.0215 a:0.0175 the:0.0167 by:0.0130 was:0.0124 -of:0.1953 :0.5331 in:0.0593 and:0.0481 for:0.0356 to:0.0299 from:0.0269 on:0.0268 with:0.0241 by:0.0208 -:0.7382 it:0.1123 there:0.0702 he:0.0291 that:0.0159 which:0.0098 she:0.0076 who:0.0062 what:0.0057 the:0.0051 -:0.7014 it:0.1004 he:0.0597 which:0.0479 the:0.0337 that:0.0194 him:0.0101 she:0.0096 what:0.0092 such:0.0087 -:0.8398 to:0.0684 and:0.0194 as:0.0136 that:0.0132 is:0.0115 was:0.0091 it:0.0091 in:0.0081 out:0.0080 -:0.9443 the:0.0106 them:0.0096 said:0.0068 him:0.0054 all:0.0053 land:0.0051 sale:0.0048 men:0.0046 us:0.0035 -:0.8539 made:0.0212 paid:0.0202 found:0.0160 placed:0.0159 sold:0.0153 called:0.0151 taken:0.0145 seen:0.0145 held:0.0135 -:0.7005 of:0.0856 to:0.0507 in:0.0424 that:0.0325 on:0.0221 for:0.0211 and:0.0166 at:0.0155 with:0.0129 -:0.6774 do:0.0971 is:0.0424 did:0.0337 he:0.0285 and:0.0278 they:0.0245 have:0.0232 it:0.0232 does:0.0222 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7771 the:0.0623 a:0.0330 and:0.0288 of:0.0269 to:0.0202 is:0.0165 was:0.0143 in:0.0108 for:0.0101 -:0.7681 of:0.0570 the:0.0471 and:0.0430 a:0.0312 who:0.0115 or:0.0113 in:0.0110 his:0.0103 was:0.0097 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -:0.7241 in:0.0760 at:0.0370 to:0.0314 that:0.0285 on:0.0244 of:0.0211 for:0.0210 by:0.0204 all:0.0162 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7165 and:0.0657 to:0.0455 the:0.0433 he:0.0313 of:0.0267 that:0.0257 who:0.0157 a:0.0157 was:0.0139 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.2518 the:0.2271 :0.4089 a:0.0328 have:0.0166 do:0.0147 tho:0.0144 bo:0.0130 his:0.0117 their:0.0090 -:0.9252 time:0.0163 and:0.0129 as:0.0122 is:0.0067 way:0.0062 order:0.0061 right:0.0050 feet:0.0049 or:0.0045 -:0.8126 is:0.0441 was:0.0314 and:0.0313 are:0.0193 to:0.0185 were:0.0161 who:0.0108 or:0.0081 would:0.0079 -:0.6089 as:0.1411 is:0.0387 in:0.0382 to:0.0369 and:0.0362 was:0.0323 of:0.0316 the:0.0218 for:0.0142 -:0.5394 of:0.1527 in:0.0740 for:0.0439 and:0.0388 that:0.0361 at:0.0327 to:0.0305 by:0.0266 on:0.0253 -:0.6823 of:0.1105 and:0.0661 to:0.0500 in:0.0211 as:0.0181 the:0.0156 for:0.0124 or:0.0123 is:0.0116 -:0.8834 the:0.0373 be:0.0188 a:0.0182 his:0.0115 he:0.0068 have:0.0065 it:0.0063 tho:0.0057 are:0.0055 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -the:0.6004 :0.2547 a:0.0601 their:0.0146 his:0.0139 tho:0.0135 this:0.0116 its:0.0113 of:0.0105 and:0.0093 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7585 had:0.0495 have:0.0429 are:0.0351 has:0.0253 is:0.0252 was:0.0233 were:0.0155 of:0.0135 in:0.0112 -:0.8395 and:0.0356 is:0.0291 the:0.0266 was:0.0149 he:0.0134 of:0.0121 are:0.0111 it:0.0089 has:0.0089 -:0.9333 the:0.0160 him:0.0127 them:0.0076 a:0.0075 it:0.0056 her:0.0051 me:0.0045 all:0.0040 said:0.0039 -:0.8650 of:0.0507 and:0.0284 a:0.0101 in:0.0096 the:0.0091 to:0.0081 for:0.0071 or:0.0066 that:0.0053 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9339 people:0.0193 same:0.0090 men:0.0078 world:0.0075 city:0.0067 government:0.0048 county:0.0041 land:0.0037 boys:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -not:0.3074 be:0.2908 have:0.0741 :0.2773 bo:0.0216 he:0.0078 the:0.0072 never:0.0063 always:0.0039 do:0.0035 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9686 of:0.0049 and:0.0041 shall:0.0037 to:0.0037 would:0.0033 will:0.0031 who:0.0029 or:0.0028 is:0.0028 -:0.7451 and:0.0757 the:0.0419 was:0.0229 is:0.0222 to:0.0206 of:0.0203 are:0.0200 a:0.0197 or:0.0115 -:0.7086 to:0.0585 the:0.0458 of:0.0456 and:0.0382 in:0.0281 a:0.0251 that:0.0217 for:0.0173 at:0.0110 -to:0.1593 :0.4290 of:0.1173 in:0.0686 the:0.0676 and:0.0410 for:0.0349 by:0.0299 with:0.0297 at:0.0228 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3754 :0.4463 tho:0.0387 a:0.0297 his:0.0246 this:0.0240 our:0.0193 their:0.0166 said:0.0133 these:0.0120 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7702 that:0.0706 and:0.0550 which:0.0234 it:0.0212 as:0.0152 but:0.0144 he:0.0127 to:0.0111 you:0.0061 -:0.7463 to:0.0545 the:0.0390 and:0.0369 was:0.0253 is:0.0248 will:0.0224 a:0.0217 of:0.0162 are:0.0130 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -of:0.4038 :0.2924 in:0.0707 to:0.0660 and:0.0495 for:0.0301 on:0.0242 that:0.0218 from:0.0208 at:0.0207 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6158 the:0.1060 of:0.0795 in:0.0469 to:0.0363 and:0.0317 any:0.0295 a:0.0204 for:0.0170 or:0.0169 -the:0.3119 :0.5375 a:0.0582 this:0.0189 tho:0.0154 any:0.0137 its:0.0119 their:0.0116 said:0.0110 all:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7090 to:0.0749 of:0.0655 the:0.0360 and:0.0315 in:0.0309 by:0.0158 for:0.0133 at:0.0116 that:0.0115 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7382 of:0.0774 and:0.0715 to:0.0365 the:0.0212 in:0.0174 for:0.0102 as:0.0095 or:0.0091 that:0.0090 -:0.7216 to:0.1032 and:0.0544 of:0.0441 in:0.0177 or:0.0177 the:0.0128 as:0.0116 for:0.0094 with:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.4170 :0.4157 a:0.0507 this:0.0355 tho:0.0308 his:0.0160 our:0.0096 their:0.0093 her:0.0081 said:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9073 hour:0.0454 interest:0.0090 home:0.0082 opportunity:0.0063 inch:0.0055 land:0.0051 increase:0.0046 acre:0.0045 office:0.0042 -:0.8801 and:0.0286 the:0.0215 is:0.0138 other:0.0121 are:0.0105 a:0.0104 of:0.0094 was:0.0074 or:0.0063 -be:0.3405 :0.5455 have:0.0285 not:0.0217 bo:0.0179 the:0.0149 to:0.0113 take:0.0071 in:0.0066 get:0.0061 -:0.6372 more:0.1734 than:0.0846 less:0.0737 better:0.0069 longer:0.0063 and:0.0054 rather:0.0047 one:0.0039 it:0.0038 -:0.5881 of:0.1718 and:0.0838 to:0.0573 in:0.0282 for:0.0207 by:0.0135 the:0.0128 or:0.0121 with:0.0116 -not:0.3662 :0.3509 to:0.0656 be:0.0578 will:0.0558 may:0.0337 have:0.0187 can:0.0175 shall:0.0169 never:0.0168 -:0.8464 and:0.0355 of:0.0316 the:0.0256 a:0.0131 in:0.0119 to:0.0102 for:0.0096 is:0.0083 with:0.0077 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.8160 the:0.0435 of:0.0304 and:0.0248 in:0.0187 to:0.0181 is:0.0136 a:0.0136 or:0.0107 was:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5323 of:0.1584 to:0.1356 and:0.0894 the:0.0186 in:0.0185 for:0.0136 or:0.0123 a:0.0118 is:0.0097 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -of:0.3122 in:0.1026 to:0.0914 :0.2971 for:0.0505 on:0.0355 by:0.0355 and:0.0260 at:0.0249 that:0.0242 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8959 doubt:0.0379 time:0.0127 longer:0.0126 he:0.0112 and:0.0087 other:0.0066 be:0.0049 it:0.0048 one:0.0048 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8038 of:0.0447 the:0.0265 and:0.0265 not:0.0213 are:0.0206 a:0.0149 have:0.0147 in:0.0142 to:0.0127 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6329 the:0.1547 and:0.0457 to:0.0429 a:0.0427 of:0.0259 is:0.0193 was:0.0162 in:0.0103 be:0.0093 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.8436 of:0.0426 time:0.0326 in:0.0192 is:0.0142 year:0.0118 and:0.0103 that:0.0090 for:0.0083 morning:0.0082 -:0.5291 of:0.1222 to:0.0781 the:0.0690 and:0.0526 a:0.0458 for:0.0291 in:0.0273 is:0.0238 was:0.0231 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -the:0.3711 :0.5082 a:0.0449 his:0.0141 tho:0.0135 to:0.0111 this:0.0102 an:0.0090 said:0.0090 tbe:0.0089 -be:0.2902 :0.5378 not:0.0558 have:0.0474 bo:0.0217 do:0.0136 take:0.0112 to:0.0084 he:0.0073 never:0.0066 -:0.5821 will:0.1386 to:0.0724 may:0.0556 shall:0.0386 can:0.0294 would:0.0280 we:0.0196 should:0.0179 must:0.0178 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.6517 that:0.1061 if:0.0527 as:0.0467 which:0.0467 when:0.0315 and:0.0191 where:0.0167 what:0.0155 it:0.0134 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8706 it:0.0277 him:0.0241 and:0.0192 the:0.0124 them:0.0109 to:0.0091 well:0.0090 he:0.0090 up:0.0081 -:0.7220 the:0.0811 of:0.0549 and:0.0268 a:0.0261 in:0.0252 to:0.0244 that:0.0134 by:0.0133 for:0.0127 -:0.8283 of:0.0610 in:0.0287 the:0.0168 for:0.0123 on:0.0122 and:0.0118 to:0.0102 with:0.0096 all:0.0092 -:0.7128 he:0.1166 it:0.0552 there:0.0281 who:0.0219 that:0.0206 she:0.0186 which:0.0112 the:0.0076 ho:0.0075 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7079 the:0.1141 a:0.0562 and:0.0289 to:0.0280 of:0.0239 his:0.0131 any:0.0114 in:0.0102 two:0.0064 -:0.9436 and:0.0131 to:0.0122 time:0.0063 it:0.0054 day:0.0050 place:0.0041 that:0.0036 of:0.0034 he:0.0033 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.7998 and:0.0434 to:0.0330 of:0.0286 was:0.0186 the:0.0178 he:0.0152 is:0.0147 have:0.0145 be:0.0144 -:0.7353 and:0.1308 to:0.0385 was:0.0204 is:0.0178 of:0.0172 the:0.0128 will:0.0115 or:0.0081 has:0.0077 -to:0.2891 :0.4388 we:0.0501 who:0.0500 would:0.0465 will:0.0325 should:0.0272 they:0.0225 shall:0.0219 not:0.0213 -:0.6632 and:0.0810 of:0.0745 the:0.0466 to:0.0390 in:0.0313 that:0.0175 is:0.0168 by:0.0153 or:0.0148 -the:0.5036 :0.3266 a:0.0490 tho:0.0291 said:0.0279 his:0.0174 our:0.0137 this:0.0137 their:0.0107 any:0.0082 -:0.4815 of:0.1680 in:0.0783 to:0.0714 for:0.0463 on:0.0383 by:0.0314 at:0.0312 from:0.0269 with:0.0268 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -has:0.5532 had:0.1522 have:0.1049 :0.1318 is:0.0158 was:0.0137 lias:0.0087 not:0.0085 having:0.0079 would:0.0033 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -had:0.1649 has:0.0908 was:0.0741 :0.5637 is:0.0400 would:0.0168 have:0.0152 could:0.0130 did:0.0111 are:0.0106 -:0.4489 of:0.1167 in:0.1123 to:0.0928 with:0.0579 for:0.0538 by:0.0408 on:0.0265 from:0.0260 and:0.0242 -:0.7088 the:0.1231 a:0.0409 and:0.0329 to:0.0282 that:0.0179 of:0.0168 in:0.0144 it:0.0085 for:0.0084 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5422 the:0.2006 a:0.1308 not:0.0310 an:0.0290 to:0.0206 more:0.0129 no:0.0116 said:0.0113 his:0.0098 -:0.6909 the:0.1416 a:0.0644 to:0.0206 an:0.0166 that:0.0159 in:0.0141 and:0.0133 of:0.0119 for:0.0107 -be:0.3454 :0.4966 the:0.0553 not:0.0240 have:0.0235 bo:0.0197 a:0.0128 to:0.0077 that:0.0077 make:0.0074 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.6495 of:0.1011 to:0.0519 and:0.0519 in:0.0331 the:0.0319 that:0.0234 is:0.0198 for:0.0193 as:0.0181 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6434 the:0.1303 a:0.0616 of:0.0555 to:0.0358 and:0.0256 in:0.0182 for:0.0109 at:0.0095 by:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5652 of:0.1493 in:0.0829 to:0.0557 for:0.0335 on:0.0291 that:0.0236 at:0.0230 from:0.0189 with:0.0188 -:0.8354 is:0.0476 was:0.0306 time:0.0245 morning:0.0132 of:0.0121 as:0.0121 in:0.0088 with:0.0081 and:0.0076 -of:0.4527 :0.3309 in:0.0554 to:0.0483 and:0.0245 on:0.0240 for:0.0198 with:0.0157 from:0.0150 by:0.0137 -:0.6681 of:0.0873 in:0.0684 to:0.0351 for:0.0285 and:0.0277 with:0.0276 on:0.0222 by:0.0181 at:0.0170 -:0.6875 and:0.0821 of:0.0652 to:0.0422 in:0.0326 the:0.0321 that:0.0210 he:0.0135 for:0.0132 by:0.0106 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7712 that:0.0637 and:0.0371 which:0.0368 as:0.0276 if:0.0189 when:0.0129 the:0.0114 what:0.0102 where:0.0100 -:0.6438 the:0.1880 a:0.0759 and:0.0246 of:0.0186 his:0.0158 this:0.0090 tho:0.0086 be:0.0080 was:0.0076 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -:0.7784 of:0.0692 and:0.0524 or:0.0236 to:0.0195 the:0.0175 is:0.0118 as:0.0103 was:0.0095 in:0.0079 -:0.9540 city:0.0097 time:0.0068 world:0.0051 country:0.0051 county:0.0041 year:0.0041 way:0.0040 work:0.0036 house:0.0036 -:0.7443 the:0.1055 a:0.0380 and:0.0254 to:0.0210 in:0.0184 of:0.0182 be:0.0102 that:0.0099 his:0.0091 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7767 in:0.0663 a:0.0418 the:0.0258 to:0.0178 of:0.0152 all:0.0145 for:0.0145 with:0.0141 by:0.0132 -:0.6655 a:0.1446 the:0.0630 not:0.0437 so:0.0306 to:0.0121 very:0.0107 an:0.0107 no:0.0101 that:0.0087 -:0.7662 of:0.0704 the:0.0346 and:0.0253 in:0.0244 a:0.0222 to:0.0185 are:0.0162 that:0.0120 he:0.0101 -:0.9304 one:0.0223 part:0.0098 day:0.0086 line:0.0062 side:0.0057 number:0.0047 use:0.0043 out:0.0040 place:0.0040 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9166 out:0.0217 line:0.0126 side:0.0099 one:0.0072 part:0.0070 day:0.0069 because:0.0065 and:0.0061 that:0.0055 -:0.7562 he:0.0745 and:0.0370 to:0.0335 it:0.0257 they:0.0210 who:0.0142 that:0.0139 we:0.0123 she:0.0117 -:0.7754 of:0.0580 and:0.0462 to:0.0422 the:0.0201 in:0.0145 that:0.0124 for:0.0106 a:0.0105 or:0.0101 -:0.5816 of:0.2246 and:0.0549 in:0.0320 the:0.0308 to:0.0266 for:0.0177 as:0.0121 that:0.0107 or:0.0091 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.7455 the:0.1264 to:0.0216 of:0.0206 a:0.0206 and:0.0177 it:0.0155 his:0.0116 in:0.0103 that:0.0101 -:0.7684 the:0.0786 and:0.0324 of:0.0322 a:0.0292 to:0.0144 in:0.0139 for:0.0112 that:0.0110 by:0.0086 -:0.6191 of:0.1259 in:0.0530 the:0.0413 for:0.0358 and:0.0356 with:0.0269 to:0.0213 by:0.0207 at:0.0204 -:0.7291 the:0.1031 of:0.0358 to:0.0290 a:0.0284 and:0.0276 in:0.0177 that:0.0110 was:0.0095 for:0.0088 -:0.9385 part:0.0105 city:0.0086 one:0.0081 day:0.0078 amount:0.0069 purpose:0.0054 number:0.0053 line:0.0045 kind:0.0044 -:0.8165 that:0.0555 which:0.0504 the:0.0225 order:0.0128 it:0.0115 all:0.0099 and:0.0091 fact:0.0061 this:0.0056 -:0.7848 the:0.0628 be:0.0389 make:0.0227 give:0.0204 pay:0.0171 take:0.0169 see:0.0136 get:0.0117 a:0.0113 -:0.9168 him:0.0153 the:0.0138 them:0.0106 be:0.0099 comply:0.0093 pay:0.0067 come:0.0065 work:0.0056 appear:0.0055 -:0.5395 is:0.1354 was:0.0850 to:0.0661 in:0.0516 of:0.0470 and:0.0237 the:0.0187 has:0.0167 will:0.0162 -:0.7353 and:0.1308 to:0.0385 was:0.0204 is:0.0178 of:0.0172 the:0.0128 will:0.0115 or:0.0081 has:0.0077 -:0.7932 to:0.0488 and:0.0368 as:0.0269 of:0.0249 in:0.0187 for:0.0144 the:0.0136 with:0.0130 from:0.0098 -:0.8537 and:0.0342 he:0.0193 who:0.0167 was:0.0152 the:0.0143 is:0.0130 to:0.0119 of:0.0114 a:0.0102 -:0.8093 make:0.0404 be:0.0259 see:0.0219 give:0.0213 say:0.0198 get:0.0173 do:0.0166 the:0.0150 take:0.0125 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.6361 of:0.1508 and:0.0703 to:0.0327 in:0.0267 that:0.0250 the:0.0222 for:0.0131 or:0.0129 is:0.0102 -:0.7139 and:0.0837 of:0.0628 is:0.0349 to:0.0326 the:0.0193 was:0.0192 in:0.0138 as:0.0100 are:0.0099 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8148 to:0.0772 and:0.0391 a:0.0123 or:0.0107 will:0.0107 as:0.0099 that:0.0095 the:0.0089 is:0.0067 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6861 the:0.0781 to:0.0640 and:0.0626 of:0.0336 a:0.0263 was:0.0166 is:0.0139 in:0.0114 be:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.7680 of:0.0708 to:0.0473 and:0.0411 in:0.0196 the:0.0133 with:0.0119 for:0.0108 by:0.0093 that:0.0077 -:0.9414 same:0.0128 most:0.0111 first:0.0072 great:0.0056 other:0.0053 whole:0.0046 the:0.0043 last:0.0039 th:0.0038 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.8054 the:0.0643 and:0.0299 of:0.0260 a:0.0170 who:0.0139 to:0.0128 other:0.0108 is:0.0108 will:0.0090 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.8006 the:0.0735 be:0.0548 a:0.0190 him:0.0116 pay:0.0099 her:0.0082 this:0.0078 do:0.0073 said:0.0073 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.8175 and:0.0414 the:0.0306 have:0.0182 has:0.0168 was:0.0162 is:0.0161 we:0.0157 be:0.0150 it:0.0125 -:0.8785 own:0.0610 the:0.0200 a:0.0078 old:0.0061 wife:0.0059 young:0.0058 and:0.0054 first:0.0051 time:0.0044 -:0.7925 they:0.0882 we:0.0485 there:0.0169 men:0.0101 you:0.0097 it:0.0096 he:0.0091 who:0.0077 people:0.0077 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6439 the:0.0861 to:0.0601 a:0.0440 in:0.0369 of:0.0343 by:0.0283 and:0.0242 that:0.0226 for:0.0196 -situated:0.0047 situate:0.0037 engaged:0.0034 recorded:0.0032 oclock:0.0028 interested:0.0022 interest:0.0022 out:0.0022 :0.9736 employed:0.0020 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -of:0.2258 :0.4748 in:0.0667 and:0.0548 on:0.0377 to:0.0343 for:0.0298 at:0.0294 with:0.0234 the:0.0234 -:0.6126 of:0.1298 and:0.0670 to:0.0454 the:0.0439 in:0.0270 for:0.0220 a:0.0195 with:0.0179 that:0.0149 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.8042 made:0.0575 held:0.0220 done:0.0201 paid:0.0197 given:0.0165 found:0.0164 used:0.0160 taken:0.0142 followed:0.0135 -:0.7174 the:0.0769 of:0.0601 and:0.0419 a:0.0233 to:0.0204 in:0.0189 at:0.0163 for:0.0130 was:0.0118 -the:0.4030 :0.4267 a:0.0563 his:0.0237 tho:0.0183 in:0.0177 such:0.0157 their:0.0133 and:0.0131 this:0.0122 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9120 one:0.0161 out:0.0125 day:0.0115 part:0.0104 side:0.0097 line:0.0083 and:0.0082 amount:0.0066 years:0.0048 -:0.9081 as:0.0237 him:0.0110 it:0.0102 and:0.0100 is:0.0082 able:0.0075 up:0.0074 them:0.0073 regard:0.0066 -:0.6040 the:0.1229 a:0.0617 of:0.0596 in:0.0593 and:0.0218 with:0.0199 by:0.0177 his:0.0171 for:0.0159 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.8640 and:0.0304 up:0.0260 him:0.0150 them:0.0136 of:0.0112 it:0.0112 together:0.0100 to:0.0098 that:0.0089 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.7835 the:0.0867 and:0.0229 a:0.0219 is:0.0183 was:0.0156 are:0.0142 be:0.0139 of:0.0118 have:0.0114 -:0.7807 the:0.0901 a:0.0281 this:0.0240 of:0.0144 and:0.0143 no:0.0136 one:0.0125 other:0.0115 is:0.0108 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -is:0.0167 have:0.0125 has:0.0073 as:0.0065 and:0.0059 :0.9316 was:0.0056 had:0.0050 in:0.0046 does:0.0044 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8912 the:0.0301 a:0.0173 of:0.0169 at:0.0114 and:0.0100 by:0.0074 for:0.0053 with:0.0053 that:0.0051 -:0.7484 of:0.0689 to:0.0416 and:0.0367 in:0.0276 the:0.0199 as:0.0157 by:0.0152 for:0.0150 that:0.0110 -:0.7545 and:0.0591 of:0.0509 to:0.0389 in:0.0246 that:0.0205 for:0.0138 or:0.0130 the:0.0123 as:0.0123 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7111 of:0.0696 the:0.0606 and:0.0448 to:0.0266 in:0.0242 by:0.0178 that:0.0169 a:0.0160 or:0.0126 -per:0.1959 the:0.1194 :0.5506 of:0.0250 and:0.0231 to:0.0222 or:0.0207 be:0.0162 a:0.0162 tho:0.0106 -:0.7536 th:0.1153 last:0.0283 other:0.0178 whole:0.0175 first:0.0158 next:0.0158 same:0.0138 most:0.0135 the:0.0086 -:0.6244 the:0.2163 a:0.0490 and:0.0399 of:0.0184 to:0.0121 his:0.0120 this:0.0105 tho:0.0089 in:0.0084 -:0.6697 the:0.1086 of:0.0680 to:0.0599 a:0.0243 and:0.0234 in:0.0159 for:0.0112 by:0.0099 with:0.0092 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.7789 be:0.0559 to:0.0397 in:0.0321 see:0.0184 of:0.0160 find:0.0148 by:0.0148 as:0.0147 make:0.0146 -:0.7865 in:0.0645 to:0.0249 for:0.0230 of:0.0205 with:0.0197 by:0.0183 the:0.0157 all:0.0135 from:0.0135 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8268 and:0.0584 is:0.0306 of:0.0157 are:0.0138 was:0.0132 the:0.0119 that:0.0108 as:0.0104 which:0.0084 -:0.7722 he:0.0441 they:0.0397 it:0.0315 and:0.0284 who:0.0242 we:0.0212 which:0.0152 that:0.0144 you:0.0091 -:0.8052 the:0.0908 of:0.0251 a:0.0238 and:0.0119 in:0.0108 that:0.0107 to:0.0080 tho:0.0070 at:0.0067 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6617 the:0.2336 a:0.0380 his:0.0126 other:0.0100 their:0.0097 tho:0.0094 its:0.0084 all:0.0084 that:0.0081 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8850 it:0.0373 and:0.0160 there:0.0125 that:0.0107 who:0.0097 to:0.0093 which:0.0082 as:0.0068 but:0.0045 -:0.8681 and:0.0467 the:0.0170 to:0.0161 of:0.0144 that:0.0127 was:0.0070 is:0.0070 it:0.0060 he:0.0049 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6195 to:0.1143 of:0.0943 and:0.0549 in:0.0406 for:0.0197 at:0.0175 the:0.0138 with:0.0131 by:0.0123 -the:0.5093 :0.2997 a:0.0474 this:0.0449 his:0.0264 tho:0.0179 our:0.0163 no:0.0157 any:0.0133 their:0.0090 -:0.7323 the:0.1335 a:0.0378 to:0.0251 it:0.0143 in:0.0141 and:0.0132 he:0.0107 his:0.0098 all:0.0091 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7257 to:0.0524 and:0.0420 of:0.0363 the:0.0351 in:0.0281 a:0.0264 that:0.0237 as:0.0167 for:0.0136 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5786 the:0.2042 a:0.0643 to:0.0509 is:0.0245 and:0.0190 he:0.0177 his:0.0140 of:0.0135 in:0.0134 -:0.8285 a:0.0577 the:0.0508 and:0.0147 an:0.0111 he:0.0099 to:0.0076 one:0.0075 two:0.0064 other:0.0058 -:0.8604 made:0.0474 taken:0.0134 held:0.0130 done:0.0118 followed:0.0115 found:0.0115 not:0.0114 given:0.0107 born:0.0090 -:0.9088 to:0.0229 and:0.0193 of:0.0120 in:0.0077 as:0.0069 who:0.0063 than:0.0058 is:0.0053 months:0.0051 -:0.8465 and:0.0347 of:0.0310 the:0.0204 a:0.0162 or:0.0142 to:0.0122 other:0.0092 that:0.0087 in:0.0069 -:0.5760 of:0.1657 to:0.0730 and:0.0688 in:0.0332 for:0.0197 the:0.0191 by:0.0172 with:0.0154 at:0.0118 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -of:0.4352 in:0.0724 to:0.0529 :0.2945 for:0.0322 on:0.0291 from:0.0259 and:0.0207 at:0.0200 with:0.0172 -:0.7016 and:0.0606 was:0.0419 who:0.0407 to:0.0407 is:0.0306 the:0.0245 be:0.0238 of:0.0179 has:0.0178 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8761 not:0.0248 likely:0.0184 going:0.0173 able:0.0125 required:0.0119 made:0.0111 necessary:0.0098 ready:0.0094 allowed:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.8437 of:0.0334 to:0.0309 a:0.0256 the:0.0185 and:0.0182 in:0.0099 much:0.0067 from:0.0066 for:0.0064 -:0.5390 is:0.0688 of:0.0624 in:0.0624 as:0.0495 for:0.0485 and:0.0476 to:0.0452 was:0.0414 with:0.0352 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2287 :0.6010 a:0.0531 his:0.0216 said:0.0200 this:0.0162 tho:0.0158 its:0.0156 that:0.0144 their:0.0136 -:0.7012 that:0.0859 as:0.0437 if:0.0348 when:0.0335 and:0.0274 which:0.0259 where:0.0194 of:0.0143 but:0.0141 -:0.8078 and:0.0499 was:0.0338 is:0.0314 to:0.0228 of:0.0157 be:0.0135 who:0.0089 are:0.0083 were:0.0081 -:0.8538 that:0.0460 made:0.0204 found:0.0146 so:0.0144 as:0.0123 not:0.0112 given:0.0103 a:0.0092 in:0.0078 -:0.8405 the:0.0467 and:0.0290 he:0.0202 a:0.0170 it:0.0156 who:0.0120 is:0.0067 this:0.0062 his:0.0061 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -the:0.0586 a:0.0443 :0.7654 and:0.0287 of:0.0254 he:0.0243 per:0.0143 or:0.0141 in:0.0133 for:0.0116 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.7053 the:0.1310 not:0.0387 a:0.0355 to:0.0278 more:0.0227 so:0.0107 very:0.0102 in:0.0101 an:0.0081 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7902 and:0.0482 is:0.0335 was:0.0323 to:0.0223 the:0.0219 a:0.0171 be:0.0136 are:0.0112 of:0.0097 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.7583 the:0.0595 two:0.0333 three:0.0314 of:0.0242 a:0.0228 and:0.0225 is:0.0215 in:0.0133 to:0.0132 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.6174 of:0.1481 and:0.0490 the:0.0476 that:0.0358 to:0.0337 in:0.0285 a:0.0140 for:0.0132 at:0.0127 -:0.6684 of:0.1004 in:0.0401 the:0.0392 and:0.0388 a:0.0296 for:0.0243 with:0.0214 to:0.0192 is:0.0184 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7721 of:0.0687 to:0.0402 and:0.0336 in:0.0205 or:0.0176 the:0.0169 on:0.0112 with:0.0097 from:0.0096 -:0.7710 of:0.0986 and:0.0623 to:0.0158 in:0.0113 was:0.0091 or:0.0085 who:0.0084 is:0.0077 as:0.0073 -:0.7389 was:0.0674 had:0.0510 is:0.0329 in:0.0245 has:0.0182 will:0.0180 of:0.0178 are:0.0165 and:0.0149 -of:0.3579 :0.2751 to:0.0807 in:0.0776 for:0.0472 by:0.0447 on:0.0350 and:0.0317 with:0.0291 from:0.0212 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.1508 of:0.1157 :0.3482 in:0.0923 by:0.0834 that:0.0558 for:0.0531 on:0.0367 and:0.0320 with:0.0319 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5100 they:0.1209 he:0.0929 it:0.0889 we:0.0839 there:0.0392 you:0.0272 she:0.0219 the:0.0077 ho:0.0073 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8574 of:0.0463 to:0.0219 and:0.0188 in:0.0142 on:0.0096 for:0.0094 as:0.0085 at:0.0071 by:0.0068 -:0.7216 of:0.1174 and:0.0418 to:0.0410 in:0.0216 for:0.0128 the:0.0118 at:0.0118 that:0.0110 a:0.0094 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -of:0.3007 :0.5061 and:0.0899 in:0.0236 to:0.0222 is:0.0140 for:0.0131 or:0.0129 was:0.0089 on:0.0086 -:0.5629 to:0.1608 in:0.0648 of:0.0440 that:0.0406 for:0.0294 from:0.0276 on:0.0252 by:0.0235 at:0.0213 -:0.6471 to:0.0833 the:0.0704 a:0.0585 of:0.0483 and:0.0371 in:0.0192 that:0.0154 it:0.0104 by:0.0102 -:0.9077 said:0.0196 them:0.0157 order:0.0151 him:0.0103 reference:0.0068 it:0.0065 regard:0.0063 me:0.0060 right:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7425 of:0.1356 and:0.0311 hundred:0.0199 to:0.0192 or:0.0156 in:0.0120 the:0.0085 is:0.0083 that:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8992 the:0.0394 of:0.0177 a:0.0089 in:0.0079 and:0.0075 more:0.0059 that:0.0055 tho:0.0041 his:0.0040 -:0.8516 the:0.0589 a:0.0214 in:0.0134 of:0.0114 this:0.0098 tho:0.0097 is:0.0088 be:0.0075 and:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5629 of:0.1324 to:0.1090 and:0.0685 the:0.0315 in:0.0270 for:0.0180 will:0.0171 as:0.0170 is:0.0166 -:0.7559 of:0.0509 to:0.0447 and:0.0391 the:0.0301 that:0.0245 in:0.0173 a:0.0156 he:0.0121 by:0.0096 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -be:0.3454 :0.4966 the:0.0553 not:0.0240 have:0.0235 bo:0.0197 a:0.0128 to:0.0077 that:0.0077 make:0.0074 -:0.7482 the:0.0448 and:0.0440 is:0.0409 was:0.0384 of:0.0235 as:0.0190 a:0.0148 had:0.0133 that:0.0132 -:0.5702 of:0.0903 to:0.0859 and:0.0525 in:0.0418 the:0.0374 for:0.0343 or:0.0321 on:0.0311 by:0.0244 -:0.6624 the:0.1225 a:0.0911 of:0.0385 and:0.0189 by:0.0176 his:0.0151 in:0.0122 for:0.0113 their:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.7645 the:0.0787 and:0.0387 of:0.0362 at:0.0201 a:0.0151 in:0.0150 said:0.0112 to:0.0109 or:0.0096 -:0.8569 day:0.0346 part:0.0290 one:0.0165 line:0.0137 side:0.0115 time:0.0108 sort:0.0103 kind:0.0089 place:0.0077 -:0.9656 and:0.0051 it:0.0051 time:0.0045 home:0.0042 him:0.0036 men:0.0033 up:0.0030 life:0.0029 in:0.0027 -:0.8219 to:0.0490 a:0.0287 not:0.0229 no:0.0174 the:0.0154 made:0.0147 more:0.0144 in:0.0086 an:0.0070 -:0.9063 all:0.0140 him:0.0139 and:0.0126 the:0.0100 one:0.0092 that:0.0090 a:0.0087 not:0.0083 it:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7579 of:0.0767 and:0.0463 to:0.0318 the:0.0260 in:0.0179 or:0.0113 for:0.0112 a:0.0110 by:0.0099 -:0.6675 to:0.0788 of:0.0612 the:0.0469 in:0.0428 and:0.0370 for:0.0187 as:0.0173 by:0.0153 a:0.0146 -:0.5838 the:0.0847 a:0.0748 of:0.0741 to:0.0694 and:0.0324 for:0.0264 in:0.0214 or:0.0190 by:0.0141 -:0.8372 of:0.0541 and:0.0433 in:0.0122 to:0.0121 for:0.0093 or:0.0093 the:0.0081 that:0.0079 as:0.0065 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7356 the:0.0809 a:0.0701 and:0.0297 of:0.0281 was:0.0134 by:0.0124 to:0.0113 are:0.0093 is:0.0092 -:0.8045 of:0.0522 to:0.0410 and:0.0350 that:0.0202 who:0.0121 or:0.0118 day:0.0081 which:0.0079 man:0.0071 -:0.6134 we:0.1139 they:0.1010 he:0.0548 is:0.0299 it:0.0278 you:0.0206 are:0.0151 ho:0.0120 was:0.0114 -time:0.0075 morning:0.0062 country:0.0051 city:0.0049 matter:0.0044 way:0.0034 kind:0.0031 year:0.0028 week:0.0026 case:0.0025 -to:0.1155 :0.6820 will:0.0521 shall:0.0346 may:0.0273 would:0.0230 can:0.0191 not:0.0178 must:0.0159 should:0.0127 -be:0.0041 the:0.0020 bo:0.0018 have:0.0017 say:0.0016 see:0.0015 its:0.0013 it:0.0013 said:0.0012 whom:0.0011 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8131 the:0.0799 all:0.0246 this:0.0178 which:0.0138 a:0.0131 order:0.0103 favor:0.0097 that:0.0095 his:0.0083 -:0.7516 of:0.0767 and:0.0525 to:0.0504 in:0.0139 or:0.0136 will:0.0130 was:0.0105 the:0.0091 is:0.0086 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.6627 the:0.1804 and:0.0387 a:0.0382 of:0.0269 to:0.0144 is:0.0108 in:0.0102 as:0.0100 his:0.0076 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6215 the:0.1841 a:0.1186 his:0.0194 an:0.0116 to:0.0111 in:0.0097 two:0.0083 their:0.0081 any:0.0077 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9107 as:0.0184 and:0.0156 is:0.0150 feet:0.0090 enough:0.0073 due:0.0062 able:0.0061 down:0.0060 men:0.0057 -:0.8932 well:0.0260 it:0.0237 soon:0.0111 he:0.0096 the:0.0083 a:0.0073 they:0.0072 much:0.0072 possible:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6474 of:0.0938 in:0.0580 the:0.0532 to:0.0428 and:0.0313 or:0.0229 any:0.0190 for:0.0183 by:0.0132 -:0.7382 the:0.1072 a:0.0399 to:0.0235 and:0.0200 of:0.0166 he:0.0160 it:0.0144 that:0.0125 in:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7462 that:0.0751 as:0.0622 to:0.0258 and:0.0250 if:0.0175 but:0.0141 for:0.0130 in:0.0109 of:0.0102 -the:0.3984 :0.3852 a:0.0704 his:0.0319 this:0.0316 tho:0.0269 their:0.0167 said:0.0154 our:0.0146 its:0.0088 -:0.7920 the:0.0498 of:0.0465 and:0.0280 a:0.0224 is:0.0151 in:0.0144 to:0.0113 was:0.0111 for:0.0095 -:0.7717 the:0.0804 and:0.0419 to:0.0344 will:0.0183 of:0.0110 was:0.0108 he:0.0107 would:0.0106 a:0.0103 -:0.8639 be:0.0345 they:0.0189 we:0.0170 have:0.0120 he:0.0119 who:0.0118 there:0.0112 which:0.0100 as:0.0087 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7216 of:0.1009 and:0.0619 to:0.0318 in:0.0258 for:0.0135 that:0.0122 is:0.0117 was:0.0108 or:0.0099 -the:0.4521 a:0.1110 :0.2671 this:0.0466 his:0.0369 their:0.0233 tho:0.0211 any:0.0165 its:0.0149 our:0.0106 -:0.8217 and:0.0741 is:0.0311 but:0.0137 was:0.0123 to:0.0117 that:0.0108 it:0.0089 or:0.0083 are:0.0075 -:0.8686 and:0.0354 the:0.0201 he:0.0190 who:0.0118 that:0.0104 is:0.0096 it:0.0095 of:0.0089 was:0.0067 -the:0.2110 :0.5342 be:0.1053 a:0.0633 his:0.0186 get:0.0160 any:0.0139 make:0.0137 have:0.0132 do:0.0110 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -be:0.6766 :0.1951 the:0.0290 a:0.0250 bo:0.0237 not:0.0172 he:0.0136 to:0.0088 have:0.0081 no:0.0029 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6883 the:0.1388 and:0.0480 to:0.0284 a:0.0280 of:0.0223 was:0.0137 is:0.0129 tho:0.0098 this:0.0097 -:0.8725 that:0.0211 in:0.0207 all:0.0153 for:0.0146 is:0.0123 the:0.0115 as:0.0113 to:0.0107 by:0.0101 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8005 the:0.0827 and:0.0318 a:0.0212 is:0.0120 of:0.0119 that:0.0107 he:0.0106 this:0.0097 was:0.0088 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7956 and:0.0468 of:0.0386 to:0.0290 the:0.0279 in:0.0184 is:0.0143 a:0.0121 for:0.0096 was:0.0078 -:0.7269 he:0.0852 it:0.0428 and:0.0320 that:0.0309 as:0.0220 which:0.0177 who:0.0159 to:0.0141 there:0.0126 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.8874 and:0.0409 is:0.0189 was:0.0140 are:0.0126 to:0.0057 will:0.0055 were:0.0052 but:0.0049 be:0.0049 -of:0.3213 :0.3011 in:0.0717 for:0.0632 from:0.0566 to:0.0552 and:0.0400 by:0.0355 with:0.0279 on:0.0275 -the:0.5981 :0.2094 a:0.0435 this:0.0378 his:0.0276 tho:0.0266 their:0.0174 our:0.0161 these:0.0120 its:0.0114 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8744 great:0.0234 large:0.0199 few:0.0186 good:0.0174 little:0.0137 very:0.0129 a:0.0077 small:0.0063 the:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7216 to:0.0949 of:0.0427 the:0.0312 in:0.0297 and:0.0295 by:0.0150 a:0.0132 for:0.0124 on:0.0098 -:0.5895 the:0.1331 of:0.1004 a:0.0621 and:0.0374 to:0.0234 said:0.0153 in:0.0153 for:0.0118 that:0.0117 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2478 :0.3650 to:0.1285 in:0.0692 for:0.0478 and:0.0345 at:0.0288 that:0.0284 with:0.0261 from:0.0240 -:0.7612 the:0.0774 to:0.0437 and:0.0221 a:0.0218 in:0.0207 of:0.0201 by:0.0114 that:0.0111 at:0.0104 -:0.7585 had:0.0495 have:0.0429 are:0.0351 has:0.0253 is:0.0252 was:0.0233 were:0.0155 of:0.0135 in:0.0112 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8005 the:0.0827 and:0.0318 a:0.0212 is:0.0120 of:0.0119 that:0.0107 he:0.0106 this:0.0097 was:0.0088 -it:0.3099 :0.4766 there:0.0711 he:0.0692 she:0.0186 that:0.0143 they:0.0143 well:0.0089 what:0.0087 soon:0.0083 -:0.9183 them:0.0197 the:0.0181 land:0.0089 interest:0.0084 him:0.0061 sale:0.0054 it:0.0053 this:0.0051 all:0.0048 -:0.7172 is:0.0522 the:0.0407 and:0.0383 was:0.0382 or:0.0303 of:0.0283 a:0.0247 are:0.0152 not:0.0148 -:0.7972 of:0.0506 and:0.0414 the:0.0275 to:0.0257 in:0.0142 that:0.0139 a:0.0114 at:0.0092 for:0.0089 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -to:0.1868 :0.4940 was:0.0619 of:0.0561 and:0.0481 in:0.0441 is:0.0326 are:0.0301 were:0.0232 the:0.0232 -:0.7096 he:0.0712 the:0.0498 they:0.0295 is:0.0280 will:0.0270 we:0.0229 to:0.0221 was:0.0216 it:0.0184 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.7453 the:0.0632 a:0.0376 and:0.0362 of:0.0337 is:0.0267 was:0.0228 to:0.0140 in:0.0105 are:0.0100 -of:0.2770 :0.3977 to:0.0722 in:0.0707 and:0.0393 on:0.0350 for:0.0311 that:0.0289 at:0.0243 from:0.0237 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.6596 the:0.0891 he:0.0524 be:0.0418 not:0.0359 as:0.0287 a:0.0285 it:0.0226 is:0.0219 have:0.0195 -:0.7630 the:0.0503 of:0.0420 and:0.0292 is:0.0258 a:0.0247 was:0.0218 in:0.0216 for:0.0115 that:0.0101 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.8685 a:0.0335 of:0.0249 the:0.0209 and:0.0141 last:0.0092 same:0.0082 great:0.0076 in:0.0069 said:0.0061 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7686 of:0.0495 and:0.0446 to:0.0376 the:0.0376 in:0.0164 that:0.0149 for:0.0117 or:0.0096 by:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9183 them:0.0197 the:0.0181 land:0.0089 interest:0.0084 him:0.0061 sale:0.0054 it:0.0053 this:0.0051 all:0.0048 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -the:0.5740 :0.2843 a:0.0534 tho:0.0250 his:0.0160 this:0.0115 an:0.0108 their:0.0105 said:0.0077 our:0.0069 -the:0.4034 :0.4246 a:0.0442 tho:0.0353 his:0.0195 said:0.0186 its:0.0142 their:0.0139 this:0.0137 our:0.0125 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9538 be:0.0130 it:0.0076 and:0.0050 is:0.0040 that:0.0036 the:0.0035 put:0.0033 was:0.0032 not:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7787 the:0.0481 and:0.0415 to:0.0356 of:0.0324 in:0.0168 a:0.0148 is:0.0135 was:0.0106 as:0.0080 -:0.9730 day:0.0073 use:0.0029 doubt:0.0028 time:0.0025 act:0.0024 cause:0.0024 vote:0.0023 end:0.0021 matter:0.0021 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8398 and:0.0612 of:0.0267 to:0.0159 but:0.0150 in:0.0108 for:0.0094 that:0.0086 from:0.0068 so:0.0057 -:0.5656 of:0.1706 to:0.0761 and:0.0754 in:0.0344 for:0.0191 at:0.0163 is:0.0151 the:0.0150 or:0.0125 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5994 the:0.1493 of:0.0442 a:0.0437 and:0.0351 to:0.0336 that:0.0323 he:0.0237 in:0.0221 it:0.0165 -:0.8812 of:0.0196 and:0.0168 had:0.0156 has:0.0134 was:0.0132 are:0.0110 is:0.0098 as:0.0097 a:0.0096 -of:0.1247 :0.6809 and:0.0535 to:0.0377 in:0.0286 for:0.0173 with:0.0158 from:0.0150 on:0.0132 by:0.0132 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9341 man:0.0095 year:0.0084 few:0.0083 little:0.0083 good:0.0083 day:0.0066 point:0.0062 matter:0.0057 number:0.0046 -be:0.2747 :0.5648 the:0.0456 not:0.0267 he:0.0181 a:0.0178 to:0.0156 bo:0.0148 have:0.0121 it:0.0099 -:0.5816 of:0.2246 and:0.0549 in:0.0320 the:0.0308 to:0.0266 for:0.0177 as:0.0121 that:0.0107 or:0.0091 -:0.6069 a:0.1741 the:0.1427 his:0.0166 an:0.0154 tho:0.0102 their:0.0095 this:0.0092 and:0.0082 that:0.0072 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9305 and:0.0211 the:0.0100 of:0.0079 in:0.0073 time:0.0063 to:0.0053 was:0.0041 for:0.0039 other:0.0037 -:0.7872 and:0.0598 the:0.0520 of:0.0222 that:0.0163 a:0.0163 to:0.0136 is:0.0116 be:0.0108 was:0.0102 -:0.8375 to:0.0254 and:0.0224 of:0.0205 in:0.0179 for:0.0175 by:0.0162 as:0.0159 with:0.0154 from:0.0114 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -of:0.1821 the:0.1579 :0.4474 and:0.0577 a:0.0422 that:0.0283 to:0.0246 is:0.0202 or:0.0200 which:0.0193 -:0.7665 to:0.0719 and:0.0401 the:0.0338 of:0.0292 in:0.0186 a:0.0107 was:0.0104 for:0.0100 by:0.0088 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8126 and:0.0549 the:0.0345 to:0.0170 was:0.0168 is:0.0160 of:0.0147 a:0.0132 are:0.0106 or:0.0098 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.8579 is:0.0258 and:0.0246 was:0.0195 are:0.0181 a:0.0126 the:0.0118 had:0.0099 been:0.0099 who:0.0098 -:0.7846 the:0.0618 a:0.0519 not:0.0447 no:0.0135 so:0.0108 two:0.0093 his:0.0088 an:0.0073 we:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8025 of:0.0631 and:0.0349 the:0.0196 in:0.0182 for:0.0164 to:0.0156 a:0.0128 that:0.0099 by:0.0069 -:0.8493 and:0.0475 to:0.0206 is:0.0159 has:0.0127 who:0.0125 he:0.0119 not:0.0103 was:0.0099 have:0.0095 -:0.6931 and:0.0907 of:0.0847 to:0.0418 in:0.0214 as:0.0184 for:0.0149 at:0.0124 or:0.0124 from:0.0104 -:0.8761 not:0.0248 likely:0.0184 going:0.0173 able:0.0125 required:0.0119 made:0.0111 necessary:0.0098 ready:0.0094 allowed:0.0087 -:0.6207 is:0.0873 that:0.0617 as:0.0560 if:0.0500 was:0.0500 when:0.0273 and:0.0227 but:0.0144 where:0.0099 -:0.9302 and:0.0218 of:0.0101 to:0.0081 the:0.0071 in:0.0054 or:0.0045 a:0.0044 is:0.0042 that:0.0042 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5727 a:0.1815 the:0.1495 of:0.0281 and:0.0239 his:0.0141 to:0.0104 in:0.0068 tho:0.0065 their:0.0064 -:0.7131 of:0.0741 in:0.0528 and:0.0423 the:0.0261 to:0.0258 is:0.0190 for:0.0167 at:0.0158 was:0.0143 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.8406 the:0.0500 and:0.0319 a:0.0220 of:0.0151 is:0.0096 that:0.0095 or:0.0076 in:0.0075 to:0.0063 -:0.7548 been:0.0606 in:0.0490 to:0.0327 that:0.0191 not:0.0190 for:0.0171 on:0.0166 of:0.0159 at:0.0151 -:0.7653 of:0.0536 and:0.0528 to:0.0342 the:0.0291 in:0.0237 for:0.0130 or:0.0100 that:0.0096 by:0.0087 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6742 of:0.1076 and:0.0654 to:0.0372 the:0.0302 for:0.0222 in:0.0209 that:0.0179 as:0.0155 with:0.0089 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -:0.9570 hundred:0.0142 years:0.0061 day:0.0052 and:0.0034 men:0.0033 year:0.0031 months:0.0028 of:0.0027 in:0.0022 -:0.7728 of:0.0609 the:0.0406 to:0.0311 and:0.0304 in:0.0176 that:0.0132 for:0.0128 a:0.0109 it:0.0096 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7560 the:0.0762 to:0.0429 of:0.0355 and:0.0280 a:0.0215 in:0.0125 is:0.0102 was:0.0095 his:0.0077 -been:0.0072 a:0.0069 :0.9704 is:0.0027 are:0.0023 was:0.0023 brought:0.0021 an:0.0021 be:0.0020 not:0.0019 -the:0.0522 a:0.0432 :0.8420 said:0.0117 his:0.0110 this:0.0098 its:0.0081 no:0.0078 our:0.0073 tho:0.0069 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5602 they:0.0969 we:0.0856 he:0.0812 the:0.0705 will:0.0269 a:0.0265 is:0.0192 would:0.0177 are:0.0152 -:0.5272 of:0.1976 in:0.0695 to:0.0535 for:0.0323 and:0.0312 on:0.0292 by:0.0273 from:0.0167 with:0.0157 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.5605 the:0.2058 a:0.1261 he:0.0277 that:0.0177 and:0.0164 it:0.0126 no:0.0117 their:0.0113 tho:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9668 people:0.0048 time:0.0048 same:0.0043 city:0.0039 men:0.0037 said:0.0031 best:0.0030 right:0.0028 county:0.0028 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7685 the:0.0512 much:0.0477 that:0.0321 far:0.0223 to:0.0199 of:0.0161 it:0.0141 and:0.0140 a:0.0140 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.9644 house:0.0053 life:0.0050 hands:0.0047 and:0.0047 home:0.0040 country:0.0038 way:0.0030 men:0.0025 years:0.0025 -:0.8795 one:0.0339 virtue:0.0315 some:0.0101 all:0.0100 each:0.0079 deed:0.0076 many:0.0068 those:0.0067 any:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8793 fact:0.0255 time:0.0207 and:0.0190 year:0.0115 day:0.0112 place:0.0090 thing:0.0090 but:0.0088 that:0.0059 -:0.7630 the:0.0433 of:0.0421 to:0.0275 and:0.0269 in:0.0268 is:0.0229 are:0.0182 a:0.0161 was:0.0131 -:0.8535 and:0.0576 is:0.0212 was:0.0182 to:0.0093 that:0.0089 as:0.0084 had:0.0079 but:0.0077 it:0.0073 -:0.9169 of:0.0281 and:0.0126 little:0.0081 much:0.0064 large:0.0064 a:0.0059 the:0.0056 more:0.0051 in:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.9326 made:0.0149 and:0.0120 used:0.0081 given:0.0066 out:0.0061 as:0.0053 ready:0.0053 paid:0.0048 found:0.0043 -:0.6112 to:0.1242 and:0.0960 of:0.0755 as:0.0258 who:0.0161 will:0.0158 the:0.0121 a:0.0120 that:0.0113 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7746 and:0.0732 to:0.0557 the:0.0211 of:0.0189 will:0.0150 is:0.0142 was:0.0104 as:0.0094 not:0.0077 -:0.9860 which:0.0028 not:0.0022 that:0.0019 and:0.0014 the:0.0013 all:0.0013 of:0.0011 is:0.0010 evening:0.0010 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.2911 :0.5142 a:0.0828 to:0.0248 of:0.0213 and:0.0189 his:0.0128 this:0.0121 an:0.0113 no:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6711 the:0.0803 of:0.0604 to:0.0563 and:0.0346 in:0.0323 a:0.0262 his:0.0158 is:0.0120 was:0.0109 -of:0.1922 :0.4531 in:0.1013 for:0.0411 to:0.0401 on:0.0398 by:0.0378 with:0.0374 from:0.0304 and:0.0267 -is:0.3339 was:0.1283 does:0.0745 would:0.0659 will:0.0511 did:0.0428 :0.2136 has:0.0367 could:0.0366 are:0.0166 -:0.8420 the:0.0516 a:0.0319 and:0.0139 one:0.0138 be:0.0104 to:0.0100 he:0.0097 of:0.0088 other:0.0080 -:0.6932 the:0.1229 a:0.0637 be:0.0634 his:0.0132 this:0.0095 tho:0.0093 per:0.0091 take:0.0082 do:0.0074 -of:0.3169 :0.4464 and:0.0669 to:0.0393 in:0.0284 or:0.0275 is:0.0238 are:0.0182 was:0.0175 for:0.0152 -to:0.1689 in:0.1433 :0.4003 of:0.1059 for:0.0437 on:0.0332 by:0.0311 at:0.0255 from:0.0249 with:0.0233 -:0.7628 the:0.0689 a:0.0455 of:0.0268 and:0.0254 not:0.0205 in:0.0138 to:0.0132 that:0.0118 an:0.0112 -:0.7863 the:0.0566 a:0.0489 and:0.0354 of:0.0146 is:0.0143 are:0.0128 was:0.0116 or:0.0101 he:0.0095 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6160 of:0.0980 to:0.0778 and:0.0717 in:0.0274 that:0.0258 or:0.0241 the:0.0220 for:0.0197 a:0.0173 -:0.9041 of:0.0296 the:0.0172 and:0.0154 a:0.0064 that:0.0061 in:0.0060 as:0.0055 to:0.0052 or:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8977 one:0.0310 out:0.0153 some:0.0111 composed:0.0093 made:0.0086 not:0.0086 all:0.0076 nothing:0.0055 that:0.0054 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9172 and:0.0312 to:0.0123 is:0.0080 was:0.0078 the:0.0052 a:0.0052 are:0.0045 be:0.0044 or:0.0042 -:0.6922 are:0.0640 will:0.0568 were:0.0375 would:0.0313 can:0.0303 could:0.0285 have:0.0238 had:0.0190 should:0.0168 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6371 the:0.1876 a:0.0499 and:0.0326 is:0.0249 was:0.0200 to:0.0142 of:0.0128 his:0.0109 tho:0.0100 -:0.7051 and:0.0745 is:0.0431 to:0.0413 was:0.0326 of:0.0282 or:0.0265 are:0.0244 were:0.0154 will:0.0088 -:0.6684 to:0.1824 and:0.0381 of:0.0344 in:0.0193 will:0.0177 with:0.0138 for:0.0105 was:0.0081 is:0.0073 -:0.9018 it:0.0267 he:0.0184 there:0.0138 that:0.0101 which:0.0101 and:0.0063 time:0.0045 day:0.0043 she:0.0040 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.9383 the:0.0136 all:0.0098 them:0.0092 course:0.0059 it:0.0056 land:0.0046 sale:0.0043 that:0.0043 life:0.0043 -:0.4771 the:0.1738 a:0.1223 of:0.0654 to:0.0573 in:0.0356 and:0.0232 his:0.0231 at:0.0113 by:0.0111 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.8477 few:0.0280 great:0.0233 good:0.0225 very:0.0203 little:0.0165 short:0.0118 large:0.0112 certain:0.0096 new:0.0091 -:0.8131 the:0.0580 to:0.0541 and:0.0259 in:0.0096 of:0.0093 a:0.0093 was:0.0078 be:0.0067 or:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.6173 the:0.2192 a:0.0422 and:0.0262 to:0.0247 this:0.0208 of:0.0191 his:0.0159 in:0.0083 said:0.0063 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.9344 much:0.0173 one:0.0099 well:0.0080 long:0.0079 and:0.0050 the:0.0047 not:0.0045 more:0.0043 he:0.0040 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.8091 to:0.0451 we:0.0327 he:0.0253 they:0.0213 it:0.0177 who:0.0148 will:0.0147 there:0.0110 shall:0.0083 -:0.6985 of:0.0696 in:0.0545 to:0.0532 and:0.0322 for:0.0314 the:0.0163 a:0.0159 or:0.0146 with:0.0139 -:0.6716 the:0.1440 a:0.0810 to:0.0251 and:0.0245 it:0.0148 an:0.0111 he:0.0103 this:0.0089 his:0.0087 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9079 and:0.0250 is:0.0136 the:0.0106 to:0.0091 was:0.0080 so:0.0070 are:0.0068 went:0.0066 it:0.0054 -:0.6887 of:0.1034 to:0.0621 and:0.0479 in:0.0302 was:0.0170 is:0.0135 on:0.0131 for:0.0123 by:0.0119 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7446 is:0.0574 has:0.0334 and:0.0302 had:0.0281 was:0.0275 could:0.0221 did:0.0200 they:0.0184 it:0.0182 -:0.8360 to:0.0420 and:0.0327 not:0.0167 will:0.0152 be:0.0128 as:0.0123 so:0.0120 would:0.0102 have:0.0100 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.8320 the:0.0495 to:0.0245 a:0.0221 and:0.0187 in:0.0163 of:0.0112 be:0.0093 that:0.0088 have:0.0075 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -of:0.0894 and:0.0388 are:0.0271 to:0.0245 is:0.0207 for:0.0196 :0.7287 in:0.0188 was:0.0172 or:0.0152 -of:0.1847 in:0.0906 for:0.0722 to:0.0694 on:0.0494 from:0.0409 by:0.0344 at:0.0321 :0.4011 with:0.0251 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5843 the:0.1848 a:0.0847 that:0.0323 it:0.0260 to:0.0237 in:0.0178 and:0.0165 of:0.0159 his:0.0139 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5629 of:0.1340 to:0.0779 in:0.0560 and:0.0530 for:0.0291 at:0.0276 the:0.0261 by:0.0184 with:0.0150 -:0.8107 of:0.0729 and:0.0344 the:0.0201 in:0.0135 to:0.0115 was:0.0115 is:0.0099 or:0.0081 will:0.0074 -:0.5350 of:0.2114 to:0.0716 and:0.0538 in:0.0459 for:0.0221 on:0.0164 at:0.0158 with:0.0151 by:0.0129 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.9090 old:0.0233 the:0.0204 hour:0.0141 is:0.0086 a:0.0063 and:0.0055 as:0.0046 last:0.0041 other:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.9506 own:0.0092 hands:0.0074 way:0.0058 time:0.0055 day:0.0054 home:0.0050 wife:0.0038 city:0.0037 duty:0.0037 -:0.8544 and:0.0341 who:0.0168 has:0.0167 they:0.0151 he:0.0143 the:0.0133 is:0.0126 have:0.0115 as:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8192 the:0.0437 to:0.0424 and:0.0284 a:0.0168 in:0.0149 of:0.0116 that:0.0081 by:0.0078 for:0.0071 -:0.6845 it:0.1391 there:0.0510 and:0.0398 which:0.0201 to:0.0178 he:0.0172 that:0.0128 than:0.0093 who:0.0084 -:0.7803 the:0.0964 to:0.0240 a:0.0208 and:0.0199 of:0.0188 in:0.0112 was:0.0107 is:0.0095 for:0.0085 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9491 hour:0.0121 the:0.0058 old:0.0057 and:0.0054 years:0.0053 is:0.0046 all:0.0046 to:0.0038 of:0.0036 -own:0.0687 :0.8469 the:0.0175 a:0.0172 great:0.0138 respective:0.0083 young:0.0076 new:0.0070 native:0.0070 most:0.0059 -:0.8774 it:0.0336 that:0.0197 he:0.0185 which:0.0178 they:0.0080 and:0.0066 there:0.0065 one:0.0061 we:0.0058 -:0.6504 the:0.1616 be:0.0696 a:0.0619 his:0.0153 one:0.0108 have:0.0102 any:0.0082 bo:0.0060 some:0.0059 -:0.7221 in:0.0568 is:0.0535 of:0.0374 to:0.0254 for:0.0252 was:0.0237 all:0.0204 on:0.0184 that:0.0170 -:0.7927 of:0.0478 and:0.0366 that:0.0312 to:0.0218 the:0.0205 in:0.0175 or:0.0135 for:0.0095 which:0.0089 -together:0.0332 connected:0.0251 accompanied:0.0179 up:0.0139 covered:0.0113 owned:0.0103 filled:0.0098 compared:0.0084 charged:0.0074 executed:0.0072 -:0.8623 to:0.0244 is:0.0218 will:0.0175 and:0.0153 was:0.0132 are:0.0128 would:0.0124 of:0.0111 in:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6393 of:0.1028 and:0.0771 to:0.0591 in:0.0300 was:0.0215 is:0.0206 for:0.0174 the:0.0169 on:0.0152 -:0.7329 than:0.1420 of:0.0425 and:0.0196 to:0.0181 the:0.0125 or:0.0121 in:0.0092 with:0.0056 on:0.0054 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -the:0.3864 a:0.1287 :0.3436 his:0.0394 tho:0.0237 its:0.0224 their:0.0170 least:0.0166 this:0.0114 her:0.0108 -he:0.2685 :0.3281 it:0.1276 they:0.1104 we:0.0595 she:0.0341 there:0.0330 ho:0.0160 you:0.0125 which:0.0101 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.6423 of:0.1508 and:0.0737 to:0.0335 for:0.0222 in:0.0213 that:0.0204 or:0.0137 with:0.0113 on:0.0108 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7661 be:0.0892 the:0.0528 have:0.0367 a:0.0139 take:0.0089 get:0.0088 do:0.0082 make:0.0077 bo:0.0076 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7894 not:0.0424 did:0.0354 is:0.0251 had:0.0232 was:0.0201 are:0.0173 made:0.0165 has:0.0158 do:0.0148 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.8797 and:0.0237 to:0.0234 is:0.0149 was:0.0126 the:0.0125 of:0.0106 are:0.0086 or:0.0073 a:0.0068 -:0.8175 the:0.0530 to:0.0295 and:0.0222 a:0.0214 of:0.0187 in:0.0134 at:0.0081 it:0.0081 that:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.9102 to:0.0144 and:0.0141 the:0.0129 of:0.0104 in:0.0092 for:0.0078 is:0.0077 was:0.0068 it:0.0065 -:0.6194 of:0.1300 and:0.0722 to:0.0553 in:0.0414 for:0.0207 is:0.0184 was:0.0165 with:0.0132 at:0.0130 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6516 of:0.1258 and:0.0634 to:0.0385 the:0.0379 in:0.0255 at:0.0180 from:0.0158 for:0.0122 by:0.0113 -:0.7256 the:0.1150 and:0.0443 of:0.0282 in:0.0180 is:0.0179 was:0.0174 to:0.0144 be:0.0108 a:0.0084 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5721 to:0.1506 of:0.0861 and:0.0788 in:0.0277 for:0.0229 that:0.0169 with:0.0156 or:0.0148 as:0.0144 -:0.6984 for:0.0440 in:0.0410 as:0.0402 to:0.0320 that:0.0316 by:0.0306 with:0.0291 such:0.0291 at:0.0240 -:0.9205 who:0.0157 and:0.0122 hundred:0.0114 of:0.0105 years:0.0085 in:0.0072 to:0.0053 down:0.0045 year:0.0042 -of:0.3193 :0.2947 and:0.0876 to:0.0718 in:0.0631 the:0.0480 for:0.0393 a:0.0356 by:0.0236 with:0.0169 -:0.7840 is:0.0321 was:0.0314 and:0.0313 has:0.0271 to:0.0229 have:0.0208 had:0.0192 will:0.0166 he:0.0147 -:0.9402 is:0.0131 order:0.0073 and:0.0071 as:0.0057 desire:0.0056 time:0.0055 have:0.0053 are:0.0052 seemed:0.0050 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.9050 other:0.0170 doubt:0.0148 the:0.0136 more:0.0121 time:0.0089 longer:0.0089 and:0.0077 he:0.0060 one:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2963 :0.4746 a:0.0896 and:0.0445 of:0.0270 to:0.0199 his:0.0140 is:0.0124 was:0.0115 their:0.0103 -:0.7172 is:0.0522 the:0.0407 and:0.0383 was:0.0382 or:0.0303 of:0.0283 a:0.0247 are:0.0152 not:0.0148 -:0.8480 of:0.0514 and:0.0365 the:0.0126 to:0.0124 or:0.0106 in:0.0096 for:0.0072 at:0.0059 a:0.0058 -:0.7526 in:0.0517 to:0.0459 of:0.0277 less:0.0244 by:0.0226 at:0.0221 for:0.0206 on:0.0176 as:0.0147 -:0.7864 is:0.0534 and:0.0351 are:0.0292 was:0.0259 to:0.0211 will:0.0135 who:0.0126 were:0.0123 has:0.0105 -:0.9699 city:0.0062 country:0.0043 year:0.0038 war:0.0031 land:0.0026 bill:0.0026 world:0.0025 same:0.0025 law:0.0025 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8900 of:0.0343 to:0.0193 and:0.0169 in:0.0123 from:0.0066 for:0.0059 on:0.0053 by:0.0047 at:0.0047 -:0.8696 the:0.0416 a:0.0253 order:0.0125 all:0.0111 this:0.0103 one:0.0084 favor:0.0075 any:0.0070 said:0.0068 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6553 to:0.0767 of:0.0694 in:0.0497 and:0.0327 for:0.0260 as:0.0244 at:0.0222 by:0.0219 on:0.0217 -:0.9134 of:0.0267 and:0.0169 in:0.0089 to:0.0073 is:0.0062 the:0.0059 or:0.0051 was:0.0049 for:0.0047 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9122 to:0.0159 that:0.0136 the:0.0122 if:0.0092 we:0.0088 he:0.0077 it:0.0070 then:0.0070 and:0.0064 -:0.6610 of:0.1200 in:0.0605 to:0.0437 from:0.0234 on:0.0218 for:0.0211 and:0.0197 with:0.0146 that:0.0141 -:0.8097 be:0.0651 the:0.0301 make:0.0199 get:0.0149 pay:0.0148 take:0.0122 give:0.0119 have:0.0110 keep:0.0103 -:0.6762 the:0.1194 a:0.0490 of:0.0468 and:0.0272 that:0.0248 his:0.0215 in:0.0143 for:0.0106 this:0.0104 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.5927 the:0.1988 a:0.0737 of:0.0401 to:0.0312 and:0.0206 his:0.0125 in:0.0122 tho:0.0101 is:0.0081 -:0.9185 most:0.0127 last:0.0119 same:0.0108 best:0.0089 first:0.0089 highest:0.0085 past:0.0070 great:0.0065 whole:0.0063 -:0.7514 be:0.0649 the:0.0351 to:0.0311 and:0.0308 of:0.0257 that:0.0173 have:0.0169 in:0.0162 a:0.0105 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -:0.8356 and:0.0458 out:0.0238 that:0.0172 up:0.0166 him:0.0151 but:0.0137 is:0.0119 made:0.0104 to:0.0098 -:0.6937 of:0.0749 to:0.0559 and:0.0451 in:0.0330 the:0.0249 not:0.0245 at:0.0178 that:0.0170 by:0.0131 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8256 and:0.0432 to:0.0297 the:0.0194 is:0.0181 was:0.0167 of:0.0143 be:0.0126 as:0.0111 have:0.0093 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6364 been:0.2175 not:0.0488 ever:0.0245 never:0.0216 always:0.0136 no:0.0108 already:0.0098 he:0.0089 we:0.0080 -:0.5651 the:0.2287 that:0.0549 a:0.0505 and:0.0290 of:0.0191 his:0.0169 tho:0.0126 their:0.0120 an:0.0111 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8304 the:0.0730 and:0.0225 a:0.0153 of:0.0121 his:0.0110 to:0.0096 that:0.0091 this:0.0089 is:0.0081 -:0.9363 and:0.0162 of:0.0091 in:0.0079 hundred:0.0072 or:0.0053 to:0.0048 up:0.0046 day:0.0043 it:0.0043 -:0.8616 able:0.0406 made:0.0299 given:0.0123 sent:0.0104 allowed:0.0101 brought:0.0100 used:0.0085 found:0.0083 unable:0.0083 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.8089 of:0.0404 the:0.0382 and:0.0379 to:0.0191 a:0.0152 in:0.0124 that:0.0121 as:0.0081 for:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7307 the:0.0545 and:0.0467 a:0.0422 of:0.0326 is:0.0230 to:0.0215 was:0.0170 has:0.0170 had:0.0148 -:0.8107 the:0.0982 all:0.0293 a:0.0146 that:0.0104 in:0.0084 tho:0.0076 such:0.0071 which:0.0070 said:0.0066 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -the:0.3370 :0.4192 a:0.0925 his:0.0328 tho:0.0254 their:0.0240 this:0.0222 said:0.0160 our:0.0157 its:0.0152 -:0.8036 few:0.0542 great:0.0288 little:0.0284 very:0.0213 good:0.0198 large:0.0162 to:0.0106 small:0.0087 new:0.0085 -:0.6538 of:0.0748 in:0.0639 to:0.0508 for:0.0399 on:0.0295 with:0.0246 by:0.0219 at:0.0215 and:0.0193 -:0.8745 and:0.0496 to:0.0193 of:0.0145 that:0.0077 is:0.0076 or:0.0072 for:0.0069 him:0.0067 was:0.0061 -:0.6940 to:0.1090 and:0.0836 of:0.0216 is:0.0183 was:0.0173 he:0.0147 as:0.0144 are:0.0137 that:0.0135 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6385 the:0.1716 a:0.0846 of:0.0346 and:0.0345 his:0.0104 in:0.0069 this:0.0064 for:0.0064 tho:0.0060 -of:0.1750 the:0.1357 :0.4255 a:0.1113 and:0.0364 or:0.0358 to:0.0265 in:0.0241 for:0.0165 by:0.0133 -:0.7541 the:0.0797 to:0.0325 of:0.0262 and:0.0241 in:0.0239 that:0.0222 by:0.0135 it:0.0130 a:0.0110 -:0.7338 of:0.1149 the:0.0280 to:0.0267 in:0.0257 and:0.0203 at:0.0139 for:0.0127 that:0.0122 not:0.0117 -:0.5079 of:0.1865 to:0.1401 and:0.0565 in:0.0331 or:0.0213 for:0.0193 at:0.0123 a:0.0120 on:0.0109 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7237 the:0.0655 of:0.0522 in:0.0414 and:0.0389 is:0.0201 for:0.0168 a:0.0157 was:0.0145 with:0.0113 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -of:0.2045 :0.4507 in:0.0731 to:0.0706 and:0.0443 for:0.0427 on:0.0368 that:0.0288 from:0.0250 by:0.0236 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9036 of:0.0143 the:0.0138 which:0.0129 and:0.0124 to:0.0110 that:0.0106 in:0.0078 by:0.0071 it:0.0066 -:0.8982 day:0.0174 corner:0.0159 part:0.0142 side:0.0125 out:0.0110 line:0.0088 instead:0.0082 quarter:0.0073 end:0.0066 -:0.7342 to:0.0672 the:0.0669 and:0.0326 of:0.0324 a:0.0226 is:0.0124 in:0.0117 or:0.0112 was:0.0088 -:0.7709 and:0.0551 to:0.0432 as:0.0370 of:0.0233 if:0.0195 which:0.0152 that:0.0143 the:0.0118 for:0.0098 -:0.7227 of:0.0692 to:0.0580 and:0.0378 the:0.0341 in:0.0239 that:0.0176 at:0.0145 a:0.0112 for:0.0110 -:0.6889 was:0.0526 is:0.0440 be:0.0428 have:0.0352 has:0.0328 the:0.0319 and:0.0317 had:0.0250 are:0.0151 -:0.9530 city:0.0082 time:0.0059 people:0.0058 world:0.0055 matter:0.0051 bill:0.0044 case:0.0041 work:0.0040 state:0.0040 -to:0.3427 :0.4554 will:0.0649 may:0.0287 can:0.0272 would:0.0201 shall:0.0198 it:0.0151 must:0.0136 should:0.0125 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7939 the:0.0721 a:0.0387 to:0.0220 and:0.0153 in:0.0142 of:0.0124 as:0.0122 for:0.0097 said:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8113 the:0.0454 a:0.0397 and:0.0296 is:0.0170 to:0.0154 of:0.0143 was:0.0119 had:0.0080 one:0.0074 -:0.5775 to:0.1936 of:0.0579 and:0.0539 in:0.0500 the:0.0294 for:0.0163 at:0.0075 with:0.0070 or:0.0067 -:0.8786 to:0.0218 of:0.0184 and:0.0159 in:0.0148 the:0.0123 by:0.0108 at:0.0099 not:0.0089 that:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8043 and:0.0483 to:0.0275 will:0.0255 would:0.0219 is:0.0169 are:0.0159 was:0.0134 he:0.0133 the:0.0130 -:0.7770 the:0.0515 of:0.0484 and:0.0338 to:0.0269 in:0.0192 a:0.0180 that:0.0090 by:0.0085 for:0.0076 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6600 the:0.1142 of:0.0592 and:0.0454 a:0.0364 in:0.0284 is:0.0175 to:0.0166 was:0.0118 for:0.0106 -:0.8924 out:0.0218 side:0.0217 part:0.0151 day:0.0110 line:0.0109 one:0.0088 amount:0.0070 and:0.0057 number:0.0056 -:0.5548 to:0.1729 in:0.0516 with:0.0455 for:0.0360 and:0.0339 of:0.0319 from:0.0277 by:0.0263 upon:0.0194 -:0.5420 of:0.2133 and:0.0710 to:0.0604 in:0.0318 for:0.0217 was:0.0171 the:0.0166 with:0.0133 at:0.0129 -:0.7201 the:0.1030 of:0.0484 and:0.0448 a:0.0213 is:0.0153 that:0.0133 was:0.0127 in:0.0118 his:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5848 of:0.1100 to:0.1012 and:0.0713 in:0.0362 the:0.0309 that:0.0205 by:0.0168 for:0.0166 at:0.0118 -:0.5816 of:0.1980 and:0.0661 to:0.0314 in:0.0262 as:0.0230 is:0.0230 for:0.0201 was:0.0177 or:0.0128 -:0.8598 as:0.0341 and:0.0340 him:0.0128 down:0.0127 up:0.0120 is:0.0101 them:0.0088 made:0.0086 out:0.0070 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.9247 good:0.0145 few:0.0110 little:0.0103 great:0.0100 large:0.0097 a:0.0053 new:0.0050 very:0.0048 most:0.0048 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8870 he:0.0255 it:0.0211 the:0.0131 that:0.0128 is:0.0107 was:0.0101 then:0.0069 as:0.0068 there:0.0060 -:0.9145 the:0.0163 to:0.0142 a:0.0113 and:0.0096 is:0.0086 was:0.0074 of:0.0073 be:0.0058 for:0.0052 -:0.8752 have:0.0248 are:0.0210 he:0.0163 be:0.0124 is:0.0110 were:0.0106 would:0.0096 will:0.0096 can:0.0095 -:0.6685 of:0.0872 to:0.0720 and:0.0676 in:0.0338 that:0.0175 for:0.0158 the:0.0145 by:0.0125 or:0.0107 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8103 know:0.0514 believe:0.0244 say:0.0242 see:0.0186 only:0.0167 be:0.0151 given:0.0146 so:0.0128 think:0.0120 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.9493 and:0.0080 one:0.0078 as:0.0071 is:0.0059 that:0.0050 he:0.0048 more:0.0047 not:0.0037 it:0.0037 -:0.5593 be:0.2318 the:0.0981 have:0.0424 do:0.0167 bo:0.0138 a:0.0130 take:0.0105 get:0.0073 his:0.0070 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6342 been:0.0854 a:0.0539 the:0.0535 so:0.0427 not:0.0423 to:0.0416 no:0.0249 an:0.0125 in:0.0090 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8460 and:0.0315 the:0.0253 of:0.0228 to:0.0192 a:0.0139 in:0.0137 for:0.0104 or:0.0088 by:0.0083 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.5543 to:0.1147 of:0.0969 and:0.0594 is:0.0522 in:0.0300 was:0.0283 will:0.0253 are:0.0214 with:0.0174 -:0.7738 who:0.0498 would:0.0393 we:0.0341 will:0.0300 to:0.0180 they:0.0150 and:0.0145 should:0.0136 must:0.0119 -:0.8433 the:0.0317 same:0.0266 other:0.0183 most:0.0167 great:0.0166 first:0.0142 public:0.0129 last:0.0104 whole:0.0093 -:0.8400 are:0.0350 had:0.0261 is:0.0252 was:0.0192 were:0.0176 have:0.0115 made:0.0094 came:0.0088 has:0.0072 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.6816 of:0.1154 to:0.0589 and:0.0341 the:0.0304 for:0.0190 in:0.0168 a:0.0164 with:0.0143 on:0.0131 -the:0.3640 :0.3909 a:0.0787 his:0.0389 their:0.0275 this:0.0261 tho:0.0213 our:0.0195 its:0.0183 all:0.0149 -:0.7562 of:0.0741 and:0.0445 the:0.0401 to:0.0236 in:0.0181 that:0.0167 or:0.0099 for:0.0085 as:0.0083 -:0.9310 not:0.0120 it:0.0107 made:0.0091 and:0.0083 to:0.0078 that:0.0068 now:0.0053 was:0.0046 be:0.0044 -:0.6786 and:0.1004 as:0.0468 of:0.0399 that:0.0311 to:0.0290 is:0.0237 the:0.0223 it:0.0147 but:0.0136 -the:0.2074 :0.6446 a:0.0378 this:0.0254 any:0.0177 his:0.0175 all:0.0159 their:0.0123 tho:0.0113 order:0.0101 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -of:0.1538 :0.5182 the:0.0876 and:0.0599 is:0.0400 to:0.0375 was:0.0271 for:0.0261 in:0.0255 are:0.0242 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -of:0.2741 :0.3482 to:0.1037 in:0.0737 for:0.0395 that:0.0390 and:0.0363 on:0.0310 by:0.0284 from:0.0261 -:0.8130 was:0.0324 of:0.0287 is:0.0269 and:0.0249 to:0.0199 the:0.0144 would:0.0138 has:0.0135 in:0.0124 -:0.6578 all:0.0708 in:0.0515 that:0.0477 by:0.0462 to:0.0315 of:0.0277 which:0.0247 on:0.0224 for:0.0197 -:0.8844 it:0.0278 provided:0.0203 that:0.0148 to:0.0140 shown:0.0092 you:0.0085 and:0.0075 out:0.0075 him:0.0060 -:0.7920 the:0.0498 of:0.0465 and:0.0280 a:0.0224 is:0.0151 in:0.0144 to:0.0113 was:0.0111 for:0.0095 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -the:0.2137 :0.6327 to:0.0420 a:0.0330 his:0.0188 of:0.0179 in:0.0126 and:0.0117 tho:0.0100 be:0.0076 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.8622 and:0.0377 was:0.0258 is:0.0213 the:0.0152 are:0.0093 a:0.0083 be:0.0071 it:0.0071 to:0.0059 -:0.7759 the:0.0526 of:0.0525 and:0.0344 in:0.0219 to:0.0189 at:0.0133 for:0.0107 that:0.0100 as:0.0099 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.8643 the:0.0456 and:0.0209 to:0.0160 a:0.0119 as:0.0100 that:0.0095 in:0.0095 for:0.0077 by:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7020 the:0.2041 a:0.0332 tho:0.0111 this:0.0102 tbe:0.0087 his:0.0083 said:0.0078 it:0.0074 their:0.0072 -:0.7344 of:0.0641 and:0.0585 in:0.0265 to:0.0264 the:0.0264 is:0.0173 for:0.0162 was:0.0159 a:0.0145 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.8521 and:0.0360 of:0.0333 have:0.0193 be:0.0177 are:0.0114 to:0.0098 or:0.0091 in:0.0058 that:0.0055 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.4683 :0.3266 be:0.0758 a:0.0440 tho:0.0208 this:0.0182 his:0.0141 their:0.0112 have:0.0111 our:0.0099 -of:0.3046 in:0.0873 to:0.0819 :0.3185 for:0.0542 with:0.0338 by:0.0327 at:0.0296 on:0.0289 that:0.0284 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9127 one:0.0235 out:0.0167 some:0.0092 and:0.0081 much:0.0068 that:0.0065 not:0.0061 many:0.0055 line:0.0049 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6931 as:0.0760 that:0.0629 if:0.0330 and:0.0289 for:0.0275 but:0.0264 to:0.0249 when:0.0146 in:0.0128 -:0.7701 the:0.0607 to:0.0282 and:0.0260 a:0.0251 was:0.0244 be:0.0184 is:0.0184 of:0.0145 are:0.0143 -:0.7589 the:0.1010 a:0.0351 of:0.0243 and:0.0188 was:0.0135 to:0.0131 in:0.0127 is:0.0127 for:0.0097 -:0.6882 of:0.1321 and:0.0671 to:0.0325 the:0.0183 in:0.0163 for:0.0134 that:0.0124 at:0.0103 from:0.0094 -the:0.6224 :0.2221 a:0.0643 tho:0.0204 his:0.0165 their:0.0134 tbe:0.0115 an:0.0111 our:0.0106 one:0.0076 -:0.7937 the:0.0759 a:0.0508 he:0.0142 that:0.0134 it:0.0127 and:0.0112 not:0.0110 an:0.0090 to:0.0082 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2620 :0.4875 a:0.1391 of:0.0246 his:0.0226 and:0.0218 this:0.0129 tho:0.0106 is:0.0099 said:0.0091 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6375 had:0.1336 was:0.0701 has:0.0570 is:0.0264 to:0.0210 have:0.0154 in:0.0147 be:0.0143 and:0.0100 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.5488 of:0.1446 in:0.0764 and:0.0621 for:0.0453 to:0.0434 with:0.0229 by:0.0220 on:0.0192 from:0.0152 -:0.8351 of:0.0306 with:0.0209 in:0.0207 for:0.0182 and:0.0169 as:0.0169 to:0.0141 that:0.0137 on:0.0129 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7394 to:0.0934 of:0.0400 the:0.0376 in:0.0252 and:0.0204 that:0.0137 with:0.0113 by:0.0104 on:0.0086 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.7751 of:0.0418 in:0.0397 the:0.0382 is:0.0217 that:0.0209 all:0.0192 was:0.0166 for:0.0164 as:0.0102 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -:0.8424 the:0.0301 to:0.0226 in:0.0223 and:0.0197 of:0.0180 that:0.0139 a:0.0116 by:0.0097 at:0.0096 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7817 is:0.0498 was:0.0402 he:0.0264 are:0.0235 will:0.0234 the:0.0149 to:0.0143 would:0.0140 we:0.0118 -of:0.1829 to:0.1434 in:0.1272 :0.2916 for:0.0526 on:0.0491 by:0.0491 at:0.0371 with:0.0345 that:0.0324 -:0.7323 he:0.0710 who:0.0578 has:0.0331 is:0.0220 was:0.0204 would:0.0180 they:0.0159 and:0.0159 had:0.0135 -:0.6555 the:0.0921 to:0.0838 in:0.0371 and:0.0324 by:0.0235 a:0.0228 of:0.0219 that:0.0163 at:0.0146 -:0.7349 the:0.0871 a:0.0441 of:0.0435 and:0.0327 is:0.0139 to:0.0128 or:0.0106 in:0.0103 for:0.0101 -the:0.3229 a:0.1591 :0.3411 any:0.0455 no:0.0386 an:0.0237 his:0.0224 this:0.0173 he:0.0159 one:0.0135 -own:0.0914 :0.8324 the:0.0201 old:0.0125 great:0.0096 a:0.0096 young:0.0066 said:0.0062 wife:0.0062 very:0.0054 -the:0.3847 :0.4800 a:0.0351 this:0.0261 tho:0.0181 his:0.0141 their:0.0122 these:0.0110 our:0.0095 said:0.0094 -:0.8288 to:0.0399 the:0.0313 and:0.0265 of:0.0167 that:0.0137 in:0.0134 by:0.0102 with:0.0099 a:0.0096 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7920 it:0.0445 which:0.0336 and:0.0296 he:0.0253 there:0.0246 who:0.0157 to:0.0150 that:0.0108 she:0.0089 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -the:0.0170 :0.9092 a:0.0154 and:0.0111 per:0.0110 that:0.0099 of:0.0086 be:0.0063 not:0.0059 or:0.0057 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.4799 of:0.1393 to:0.1179 in:0.0720 for:0.0412 by:0.0377 from:0.0356 on:0.0336 and:0.0231 with:0.0199 -:0.9126 one:0.0253 kinds:0.0169 parts:0.0103 day:0.0085 sorts:0.0056 part:0.0053 that:0.0053 side:0.0051 all:0.0050 -a:0.2333 the:0.2056 :0.4220 his:0.0358 this:0.0200 any:0.0189 no:0.0188 he:0.0173 an:0.0148 tho:0.0135 -:0.6667 of:0.1036 to:0.0446 a:0.0358 in:0.0307 and:0.0284 the:0.0282 for:0.0244 or:0.0212 is:0.0165 -:0.6444 and:0.0757 to:0.0746 of:0.0610 in:0.0358 the:0.0358 that:0.0299 for:0.0208 as:0.0114 on:0.0106 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5273 is:0.1712 are:0.1052 was:0.0807 were:0.0404 the:0.0175 will:0.0172 and:0.0157 to:0.0146 would:0.0102 -:0.6395 the:0.1068 and:0.0569 a:0.0547 of:0.0501 to:0.0410 in:0.0164 his:0.0139 are:0.0119 is:0.0087 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.5856 well:0.1788 soon:0.0844 far:0.0448 it:0.0339 much:0.0266 long:0.0138 to:0.0116 a:0.0104 he:0.0101 -:0.9291 same:0.0126 said:0.0117 best:0.0082 most:0.0079 very:0.0078 present:0.0060 public:0.0059 great:0.0057 new:0.0051 -the:0.0097 :0.9717 a:0.0032 this:0.0030 said:0.0024 th:0.0022 any:0.0021 one:0.0021 order:0.0018 tho:0.0017 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3967 :0.4057 a:0.0654 be:0.0492 his:0.0234 tho:0.0149 their:0.0133 this:0.0130 any:0.0110 her:0.0074 -:0.6623 the:0.0881 a:0.0852 of:0.0619 and:0.0357 that:0.0142 to:0.0140 as:0.0140 by:0.0129 for:0.0117 -:0.6668 of:0.1612 to:0.0615 and:0.0483 in:0.0206 for:0.0099 the:0.0082 from:0.0082 or:0.0078 on:0.0075 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8047 the:0.0489 to:0.0401 and:0.0346 of:0.0274 in:0.0135 for:0.0094 was:0.0077 that:0.0076 with:0.0061 -the:0.3467 :0.4442 a:0.1117 his:0.0170 he:0.0170 this:0.0162 tho:0.0153 no:0.0121 is:0.0106 it:0.0092 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9615 city:0.0058 same:0.0047 state:0.0043 people:0.0043 land:0.0042 right:0.0041 country:0.0038 ground:0.0036 house:0.0036 -:0.8135 and:0.0427 the:0.0258 that:0.0236 who:0.0191 he:0.0166 of:0.0163 was:0.0155 is:0.0148 has:0.0121 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.8672 and:0.0536 to:0.0165 up:0.0162 was:0.0088 of:0.0085 that:0.0083 or:0.0076 out:0.0068 is:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6757 to:0.0929 the:0.0570 of:0.0414 and:0.0322 in:0.0318 a:0.0230 for:0.0169 by:0.0151 that:0.0139 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5408 has:0.2367 had:0.1148 have:0.0677 time:0.0082 year:0.0068 having:0.0067 act:0.0067 lias:0.0058 years:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -:0.8129 able:0.0746 made:0.0219 allowed:0.0194 given:0.0148 required:0.0116 compelled:0.0115 used:0.0115 ready:0.0112 liable:0.0105 -:0.8939 and:0.0312 to:0.0155 of:0.0112 a:0.0111 was:0.0081 is:0.0078 he:0.0076 the:0.0068 be:0.0067 -:0.7140 of:0.0604 is:0.0429 and:0.0425 a:0.0393 the:0.0282 that:0.0209 for:0.0185 are:0.0169 was:0.0163 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -had:0.2260 have:0.1308 :0.3346 not:0.0757 been:0.0685 already:0.0421 always:0.0330 never:0.0310 has:0.0291 ever:0.0291 -the:0.5435 a:0.1371 :0.1774 this:0.0342 his:0.0268 tho:0.0210 their:0.0205 our:0.0148 its:0.0130 any:0.0117 -:0.8090 the:0.0596 and:0.0294 of:0.0233 a:0.0184 to:0.0170 that:0.0159 in:0.0114 for:0.0082 it:0.0079 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -of:0.2045 :0.4985 to:0.0835 in:0.0426 and:0.0411 for:0.0322 with:0.0303 that:0.0284 by:0.0206 the:0.0184 -:0.8967 and:0.0298 of:0.0141 so:0.0134 but:0.0107 all:0.0103 in:0.0082 said:0.0064 that:0.0059 to:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8632 be:0.0423 do:0.0182 have:0.0174 say:0.0123 know:0.0111 see:0.0111 think:0.0088 the:0.0080 that:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -is:0.2125 :0.5142 was:0.1239 would:0.0365 to:0.0245 be:0.0219 will:0.0206 has:0.0186 may:0.0144 had:0.0128 -:0.8005 the:0.0827 and:0.0318 a:0.0212 is:0.0120 of:0.0119 that:0.0107 he:0.0106 this:0.0097 was:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -the:0.3573 :0.5047 a:0.0490 this:0.0180 tho:0.0180 his:0.0149 any:0.0134 be:0.0094 its:0.0077 their:0.0075 -:0.9466 time:0.0081 way:0.0075 people:0.0073 world:0.0060 right:0.0056 city:0.0050 country:0.0050 land:0.0045 road:0.0043 -be:0.5328 :0.3058 have:0.0809 not:0.0205 bo:0.0150 had:0.0133 been:0.0096 never:0.0091 was:0.0075 are:0.0055 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -:0.6388 the:0.1052 to:0.0753 and:0.0453 of:0.0339 by:0.0239 a:0.0219 in:0.0207 that:0.0185 for:0.0164 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6098 that:0.1073 of:0.0682 and:0.0669 as:0.0469 to:0.0254 the:0.0229 in:0.0193 for:0.0192 if:0.0143 -of:0.1673 :0.5036 to:0.0839 in:0.0484 for:0.0458 with:0.0436 by:0.0319 from:0.0260 on:0.0249 and:0.0243 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.8435 and:0.0514 to:0.0272 of:0.0195 is:0.0137 was:0.0109 as:0.0101 or:0.0084 that:0.0077 the:0.0075 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5799 of:0.0991 in:0.0571 with:0.0543 for:0.0535 by:0.0352 to:0.0350 as:0.0334 and:0.0279 at:0.0246 -:0.7983 to:0.0352 be:0.0332 of:0.0272 the:0.0268 and:0.0259 was:0.0166 in:0.0140 is:0.0127 a:0.0101 -:0.7649 and:0.0775 fact:0.0573 of:0.0254 but:0.0249 is:0.0143 to:0.0100 for:0.0090 time:0.0089 was:0.0079 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6393 of:0.1028 and:0.0771 to:0.0591 in:0.0300 was:0.0215 is:0.0206 for:0.0174 the:0.0169 on:0.0152 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.9181 who:0.0204 men:0.0145 people:0.0101 they:0.0086 city:0.0066 we:0.0062 county:0.0053 world:0.0052 which:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.8475 he:0.0307 and:0.0231 to:0.0203 a:0.0198 the:0.0180 it:0.0160 one:0.0085 you:0.0082 is:0.0079 -:0.9578 city:0.0063 land:0.0053 country:0.0052 interest:0.0050 work:0.0043 people:0.0043 county:0.0042 house:0.0039 time:0.0037 -:0.6040 was:0.0764 has:0.0576 is:0.0478 the:0.0412 be:0.0411 have:0.0392 and:0.0367 had:0.0309 to:0.0250 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7358 to:0.0746 of:0.0638 and:0.0375 in:0.0212 the:0.0164 be:0.0154 not:0.0141 or:0.0118 he:0.0094 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6040 of:0.2028 in:0.0474 for:0.0236 that:0.0234 and:0.0217 with:0.0214 by:0.0195 to:0.0183 the:0.0179 -:0.9357 and:0.0167 the:0.0114 it:0.0060 was:0.0058 to:0.0057 is:0.0052 who:0.0047 of:0.0044 he:0.0044 -:0.6066 and:0.1102 of:0.1038 to:0.0389 the:0.0374 in:0.0333 by:0.0216 for:0.0180 with:0.0172 on:0.0131 -:0.4896 to:0.1087 in:0.0846 of:0.0695 for:0.0652 by:0.0525 at:0.0410 on:0.0322 from:0.0294 with:0.0274 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -been:0.3722 :0.4999 not:0.0404 ever:0.0231 it:0.0143 never:0.0137 he:0.0109 always:0.0092 already:0.0083 had:0.0082 -:0.6723 and:0.0981 of:0.0601 to:0.0441 as:0.0335 that:0.0297 or:0.0209 is:0.0140 are:0.0137 at:0.0135 -not:0.2131 :0.5471 that:0.0693 be:0.0507 which:0.0314 have:0.0298 if:0.0204 what:0.0158 it:0.0119 as:0.0106 -:0.7634 go:0.0544 be:0.0442 come:0.0331 not:0.0223 continue:0.0221 have:0.0221 apply:0.0157 afford:0.0116 seem:0.0110 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.2403 :0.5587 will:0.0511 and:0.0337 would:0.0276 can:0.0266 could:0.0204 of:0.0152 in:0.0141 may:0.0122 -:0.7548 of:0.0548 and:0.0479 to:0.0291 was:0.0279 or:0.0265 is:0.0246 that:0.0133 hundred:0.0116 has:0.0096 -:0.8076 had:0.0340 knew:0.0299 have:0.0268 is:0.0232 know:0.0205 believe:0.0154 say:0.0154 are:0.0137 was:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8246 and:0.0669 of:0.0220 but:0.0208 to:0.0165 that:0.0120 in:0.0109 for:0.0095 so:0.0092 with:0.0076 -be:0.3205 :0.5418 the:0.0298 not:0.0242 bo:0.0238 have:0.0211 he:0.0145 to:0.0089 a:0.0081 that:0.0073 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6541 be:0.1586 the:0.0784 a:0.0317 do:0.0184 make:0.0140 have:0.0136 bo:0.0118 his:0.0100 get:0.0094 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9496 large:0.0079 year:0.0073 long:0.0067 man:0.0057 hundred:0.0056 day:0.0055 good:0.0044 little:0.0037 matter:0.0035 -that:0.1944 :0.5815 as:0.0691 which:0.0325 and:0.0276 when:0.0273 if:0.0236 but:0.0156 by:0.0145 with:0.0140 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7973 and:0.0601 of:0.0247 is:0.0234 was:0.0234 to:0.0179 that:0.0139 in:0.0138 have:0.0132 as:0.0122 -:0.6747 to:0.2019 and:0.0487 of:0.0243 in:0.0183 on:0.0075 that:0.0066 will:0.0063 for:0.0061 with:0.0056 -the:0.1669 :0.4623 of:0.1245 a:0.0715 to:0.0510 for:0.0314 in:0.0292 by:0.0220 that:0.0208 his:0.0203 -:0.7740 the:0.0872 of:0.0354 and:0.0282 to:0.0215 a:0.0132 his:0.0132 in:0.0103 as:0.0092 he:0.0077 -:0.7104 be:0.2080 not:0.0151 bo:0.0137 put:0.0121 remain:0.0094 it:0.0093 come:0.0077 have:0.0074 appear:0.0071 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -of:0.2321 :0.4209 in:0.1302 for:0.0577 on:0.0323 to:0.0290 at:0.0286 by:0.0235 that:0.0230 with:0.0227 -:0.7847 is:0.0364 a:0.0305 the:0.0272 was:0.0264 and:0.0250 of:0.0218 or:0.0183 be:0.0149 to:0.0147 -:0.8928 good:0.0189 little:0.0186 few:0.0157 great:0.0137 large:0.0119 very:0.0091 man:0.0075 small:0.0059 better:0.0058 -:0.5595 of:0.1393 to:0.0949 and:0.0878 in:0.0338 is:0.0233 was:0.0212 for:0.0153 or:0.0126 at:0.0125 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.1161 :0.7841 a:0.0219 tho:0.0142 was:0.0115 be:0.0112 no:0.0109 this:0.0106 is:0.0098 and:0.0095 -:0.8471 make:0.0343 the:0.0298 be:0.0174 have:0.0156 get:0.0119 pay:0.0117 all:0.0111 take:0.0108 in:0.0102 -:0.6969 of:0.0754 and:0.0510 to:0.0453 in:0.0418 for:0.0294 with:0.0173 that:0.0149 the:0.0143 is:0.0137 -:0.8332 the:0.0526 a:0.0382 to:0.0178 in:0.0148 of:0.0100 and:0.0097 all:0.0087 for:0.0077 so:0.0074 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.4328 a:0.1010 :0.2981 this:0.0419 their:0.0382 his:0.0279 tho:0.0180 its:0.0153 our:0.0137 an:0.0130 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -to:0.2095 the:0.1380 :0.4233 as:0.0569 and:0.0436 for:0.0303 that:0.0294 a:0.0240 of:0.0238 in:0.0213 -:0.5954 he:0.1792 they:0.0379 and:0.0371 we:0.0332 it:0.0282 she:0.0270 to:0.0260 that:0.0193 who:0.0166 -:0.6066 not:0.1545 the:0.1217 a:0.0442 that:0.0179 to:0.0125 it:0.0121 so:0.0115 an:0.0103 no:0.0087 -:0.8492 the:0.0727 a:0.0161 to:0.0160 and:0.0113 in:0.0108 of:0.0066 that:0.0063 by:0.0057 all:0.0053 -:0.9354 one:0.0134 out:0.0083 part:0.0074 day:0.0072 line:0.0071 side:0.0065 and:0.0064 much:0.0047 corner:0.0038 -:0.8354 the:0.0336 and:0.0332 to:0.0315 of:0.0275 in:0.0110 a:0.0076 or:0.0074 for:0.0070 with:0.0057 -:0.6074 of:0.1133 to:0.0829 and:0.0662 in:0.0340 the:0.0292 for:0.0253 with:0.0149 on:0.0135 at:0.0133 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -has:0.2879 have:0.2061 had:0.1579 :0.2896 having:0.0250 lias:0.0107 not:0.0077 and:0.0059 the:0.0047 bad:0.0043 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7494 the:0.0507 be:0.0475 give:0.0359 make:0.0320 get:0.0203 take:0.0199 keep:0.0161 have:0.0160 a:0.0121 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.8530 and:0.0313 as:0.0281 that:0.0259 to:0.0223 it:0.0129 is:0.0074 but:0.0069 he:0.0066 for:0.0057 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.6463 of:0.1460 and:0.0824 in:0.0250 to:0.0228 for:0.0191 or:0.0182 at:0.0136 that:0.0133 as:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6773 the:0.1814 a:0.0558 and:0.0261 of:0.0134 his:0.0119 one:0.0091 this:0.0089 was:0.0084 their:0.0077 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7637 and:0.0555 to:0.0322 is:0.0275 of:0.0274 the:0.0245 a:0.0233 was:0.0227 are:0.0136 in:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.6836 the:0.0751 of:0.0714 and:0.0553 to:0.0344 in:0.0247 a:0.0170 for:0.0145 that:0.0123 by:0.0117 -:0.8399 and:0.0410 to:0.0286 the:0.0285 of:0.0140 not:0.0120 we:0.0109 a:0.0096 will:0.0078 was:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6500 of:0.1074 and:0.0872 to:0.0380 the:0.0336 in:0.0237 or:0.0208 for:0.0154 a:0.0121 is:0.0118 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8393 and:0.0383 the:0.0260 of:0.0220 that:0.0199 is:0.0171 which:0.0110 in:0.0091 as:0.0089 he:0.0084 -:0.9532 city:0.0076 people:0.0069 same:0.0066 men:0.0053 time:0.0052 country:0.0044 man:0.0036 bill:0.0036 county:0.0034 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9143 as:0.0316 and:0.0107 is:0.0104 time:0.0072 up:0.0061 able:0.0056 but:0.0049 began:0.0047 enough:0.0046 -the:0.4640 :0.3063 a:0.0759 tho:0.0353 his:0.0304 this:0.0292 their:0.0176 her:0.0152 said:0.0132 its:0.0128 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9274 he:0.0153 a:0.0119 the:0.0094 it:0.0075 all:0.0071 to:0.0058 his:0.0054 then:0.0054 one:0.0048 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8782 and:0.0266 of:0.0235 it:0.0129 he:0.0113 the:0.0112 that:0.0107 not:0.0094 a:0.0091 is:0.0071 -:0.6953 of:0.0882 and:0.0669 to:0.0592 in:0.0231 the:0.0176 for:0.0140 with:0.0120 or:0.0119 as:0.0118 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -the:0.1838 :0.5461 a:0.1365 of:0.0376 in:0.0200 his:0.0183 by:0.0182 for:0.0141 to:0.0140 and:0.0114 -of:0.2226 :0.4580 in:0.0780 to:0.0556 for:0.0438 on:0.0353 that:0.0313 and:0.0287 at:0.0246 from:0.0220 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.6332 of:0.1655 and:0.0457 to:0.0453 in:0.0290 the:0.0182 or:0.0167 was:0.0162 is:0.0161 for:0.0141 -:0.8568 and:0.0366 of:0.0353 in:0.0146 the:0.0127 that:0.0102 is:0.0098 for:0.0081 was:0.0081 have:0.0078 -:0.6496 in:0.0649 to:0.0602 for:0.0574 with:0.0332 of:0.0325 by:0.0320 that:0.0258 on:0.0239 as:0.0205 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -a:0.2131 been:0.1304 no:0.1143 :0.3606 the:0.1026 to:0.0212 an:0.0197 his:0.0151 not:0.0143 their:0.0087 -:0.8230 to:0.0460 and:0.0365 of:0.0304 or:0.0203 a:0.0135 is:0.0094 was:0.0093 the:0.0065 are:0.0052 -:0.5780 of:0.1989 in:0.0488 and:0.0379 to:0.0321 the:0.0308 for:0.0244 as:0.0243 by:0.0132 is:0.0116 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.9100 made:0.0200 taken:0.0173 paid:0.0090 done:0.0086 found:0.0079 to:0.0076 held:0.0066 not:0.0066 a:0.0063 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.8681 the:0.0293 and:0.0251 of:0.0229 to:0.0143 in:0.0095 a:0.0095 for:0.0083 that:0.0066 by:0.0064 -:0.6584 to:0.0975 the:0.0664 in:0.0513 and:0.0282 a:0.0254 for:0.0225 by:0.0216 no:0.0146 at:0.0140 -:0.7106 of:0.0933 the:0.0473 and:0.0366 to:0.0275 in:0.0260 that:0.0189 at:0.0150 he:0.0125 not:0.0123 -:0.7294 in:0.0631 to:0.0589 been:0.0312 by:0.0242 of:0.0203 on:0.0200 at:0.0195 for:0.0172 made:0.0161 -of:0.1434 :0.3783 for:0.0902 in:0.0814 with:0.0790 to:0.0708 as:0.0500 is:0.0368 and:0.0365 by:0.0336 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9578 city:0.0063 land:0.0053 country:0.0052 interest:0.0050 work:0.0043 people:0.0043 county:0.0042 house:0.0039 time:0.0037 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.8659 to:0.0389 that:0.0216 the:0.0162 it:0.0138 and:0.0105 a:0.0092 he:0.0085 him:0.0081 as:0.0073 -:0.9261 and:0.0197 to:0.0124 as:0.0100 but:0.0065 out:0.0058 it:0.0052 time:0.0049 is:0.0048 bidder:0.0047 -the:0.4514 :0.3761 a:0.0734 tho:0.0240 this:0.0223 his:0.0156 their:0.0110 her:0.0094 it:0.0088 he:0.0081 -:0.7461 be:0.0894 the:0.0780 a:0.0185 get:0.0134 have:0.0128 take:0.0119 make:0.0107 do:0.0097 tho:0.0094 -:0.7765 and:0.0679 of:0.0511 for:0.0167 that:0.0165 in:0.0163 to:0.0147 the:0.0137 with:0.0137 a:0.0129 -is:0.2403 was:0.1865 :0.3293 are:0.0799 were:0.0551 the:0.0356 be:0.0289 had:0.0152 have:0.0150 and:0.0142 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6143 of:0.1303 in:0.0587 to:0.0328 from:0.0304 for:0.0301 and:0.0278 that:0.0264 with:0.0256 on:0.0235 -the:0.3741 :0.4659 a:0.0458 of:0.0407 and:0.0212 tho:0.0161 in:0.0102 was:0.0091 this:0.0085 at:0.0084 -:0.6850 to:0.0988 a:0.0714 the:0.0479 he:0.0224 it:0.0183 well:0.0176 and:0.0175 an:0.0108 much:0.0103 -:0.9547 and:0.0084 time:0.0064 world:0.0051 county:0.0050 house:0.0046 country:0.0042 man:0.0040 connection:0.0039 war:0.0038 -:0.7291 the:0.0996 a:0.0334 and:0.0277 of:0.0270 as:0.0240 that:0.0209 is:0.0177 are:0.0105 in:0.0101 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7925 the:0.1044 a:0.0189 of:0.0179 he:0.0139 to:0.0127 and:0.0112 that:0.0102 in:0.0093 it:0.0089 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6457 of:0.1475 and:0.0539 to:0.0388 as:0.0219 is:0.0216 in:0.0201 was:0.0196 for:0.0180 that:0.0129 -:0.9115 the:0.0357 a:0.0140 he:0.0063 then:0.0061 his:0.0059 be:0.0055 was:0.0052 in:0.0049 is:0.0049 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9069 is:0.0179 able:0.0135 came:0.0127 went:0.0114 was:0.0083 began:0.0079 as:0.0075 had:0.0074 seemed:0.0066 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7504 to:0.0767 be:0.0529 only:0.0415 and:0.0172 not:0.0166 been:0.0136 have:0.0113 more:0.0105 as:0.0092 -:0.7774 of:0.0744 and:0.0419 to:0.0232 in:0.0225 the:0.0210 for:0.0139 a:0.0101 that:0.0092 at:0.0064 -:0.6667 of:0.0702 the:0.0670 a:0.0481 to:0.0425 and:0.0349 in:0.0216 for:0.0197 that:0.0166 is:0.0127 -:0.8654 and:0.0353 of:0.0328 to:0.0239 the:0.0120 in:0.0081 that:0.0069 all:0.0058 for:0.0054 with:0.0044 -:0.8556 which:0.0357 it:0.0333 the:0.0245 them:0.0109 that:0.0097 you:0.0097 this:0.0074 he:0.0067 men:0.0065 -:0.4852 was:0.0941 is:0.0880 and:0.0742 the:0.0687 to:0.0681 of:0.0549 are:0.0265 a:0.0209 were:0.0194 -:0.8350 and:0.0436 is:0.0207 the:0.0200 of:0.0176 was:0.0162 has:0.0142 he:0.0112 as:0.0108 that:0.0105 -:0.7923 have:0.0532 of:0.0306 in:0.0286 are:0.0285 see:0.0193 find:0.0149 get:0.0118 all:0.0110 for:0.0098 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -the:0.3245 :0.5415 a:0.0359 this:0.0230 his:0.0182 their:0.0142 her:0.0122 tho:0.0113 all:0.0098 our:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6724 the:0.1392 a:0.0435 of:0.0425 and:0.0335 is:0.0172 in:0.0164 for:0.0139 was:0.0138 or:0.0076 -:0.6810 to:0.0653 the:0.0612 of:0.0539 and:0.0387 in:0.0267 a:0.0228 that:0.0199 for:0.0163 with:0.0141 -:0.8743 made:0.0292 not:0.0266 shown:0.0137 held:0.0110 now:0.0096 given:0.0095 done:0.0088 that:0.0087 provided:0.0086 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -:0.5474 the:0.1866 a:0.0985 of:0.0489 to:0.0428 and:0.0233 his:0.0179 in:0.0154 an:0.0100 for:0.0093 -:0.9095 use:0.0168 one:0.0165 corner:0.0120 be:0.0091 think:0.0081 act:0.0077 work:0.0076 dispose:0.0064 some:0.0062 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7672 the:0.0515 and:0.0371 is:0.0276 be:0.0261 a:0.0257 was:0.0237 of:0.0186 he:0.0114 to:0.0110 -:0.6544 the:0.0924 to:0.0747 a:0.0501 of:0.0320 and:0.0312 by:0.0225 in:0.0196 that:0.0125 an:0.0107 -of:0.3044 :0.3485 to:0.0708 in:0.0693 on:0.0449 and:0.0373 for:0.0366 with:0.0345 from:0.0269 by:0.0268 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8079 of:0.0919 and:0.0335 in:0.0156 to:0.0134 the:0.0114 on:0.0074 who:0.0068 a:0.0062 is:0.0059 -:0.5983 the:0.1121 a:0.0624 to:0.0563 by:0.0450 of:0.0359 in:0.0313 and:0.0288 for:0.0157 at:0.0141 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6821 and:0.0699 of:0.0668 to:0.0566 the:0.0355 in:0.0257 is:0.0195 was:0.0171 a:0.0146 for:0.0121 -:0.8459 of:0.0692 and:0.0174 week:0.0114 in:0.0113 the:0.0103 night:0.0093 is:0.0091 other:0.0088 was:0.0074 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.4418 :0.3374 and:0.0758 to:0.0431 in:0.0245 that:0.0186 for:0.0180 or:0.0141 at:0.0135 with:0.0133 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5982 the:0.1637 that:0.0508 a:0.0354 and:0.0349 of:0.0344 to:0.0251 in:0.0244 as:0.0167 by:0.0163 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.6394 this:0.0685 :0.1675 a:0.0453 his:0.0174 tho:0.0144 their:0.0143 its:0.0116 any:0.0108 our:0.0106 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7495 of:0.0903 and:0.0526 was:0.0230 is:0.0228 to:0.0187 in:0.0127 or:0.0111 who:0.0099 are:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8750 of:0.0306 and:0.0266 the:0.0230 a:0.0117 to:0.0080 in:0.0079 that:0.0068 as:0.0054 or:0.0052 -the:0.2334 :0.5287 be:0.1483 a:0.0298 this:0.0112 bo:0.0109 his:0.0106 make:0.0098 tho:0.0094 their:0.0079 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7839 is:0.0462 in:0.0324 of:0.0316 was:0.0265 and:0.0192 have:0.0167 as:0.0167 for:0.0145 with:0.0123 -:0.7897 to:0.0488 and:0.0422 the:0.0227 is:0.0224 of:0.0191 was:0.0169 a:0.0150 will:0.0130 are:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7852 of:0.0533 to:0.0454 and:0.0323 in:0.0176 a:0.0155 at:0.0131 for:0.0128 by:0.0127 with:0.0122 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6376 the:0.0864 to:0.0610 of:0.0608 and:0.0482 in:0.0320 that:0.0224 a:0.0180 with:0.0171 for:0.0165 -to:0.1974 of:0.1270 in:0.0930 :0.3667 for:0.0488 by:0.0431 on:0.0379 from:0.0311 that:0.0283 with:0.0267 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.5584 not:0.1661 be:0.1151 the:0.0651 have:0.0385 a:0.0196 bo:0.0116 he:0.0096 do:0.0081 to:0.0077 -:0.9397 as:0.0123 order:0.0092 regard:0.0088 them:0.0065 return:0.0054 it:0.0049 right:0.0046 him:0.0046 and:0.0041 -the:0.2801 :0.5219 of:0.0526 a:0.0386 and:0.0262 in:0.0240 to:0.0184 his:0.0137 for:0.0133 by:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7798 to:0.0640 and:0.0616 will:0.0223 is:0.0137 not:0.0131 of:0.0129 would:0.0110 who:0.0110 was:0.0106 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7064 the:0.1012 to:0.0746 and:0.0372 of:0.0279 in:0.0138 a:0.0137 will:0.0093 for:0.0081 was:0.0079 -:0.7119 and:0.0587 of:0.0574 the:0.0527 in:0.0281 to:0.0249 that:0.0247 a:0.0146 for:0.0136 or:0.0136 -:0.8573 and:0.0657 of:0.0454 in:0.0051 time:0.0047 or:0.0046 day:0.0044 that:0.0044 was:0.0043 year:0.0042 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -is:0.2936 was:0.1579 :0.4088 as:0.0285 in:0.0235 with:0.0220 to:0.0193 for:0.0177 has:0.0174 of:0.0114 -:0.8948 and:0.0265 the:0.0189 of:0.0121 a:0.0118 to:0.0079 is:0.0078 that:0.0072 he:0.0069 or:0.0060 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7847 is:0.0364 a:0.0305 the:0.0272 was:0.0264 and:0.0250 of:0.0218 or:0.0183 be:0.0149 to:0.0147 -:0.6149 a:0.1494 the:0.1019 he:0.0348 his:0.0231 they:0.0195 to:0.0184 an:0.0146 much:0.0119 tho:0.0116 -:0.7848 and:0.0724 to:0.0399 the:0.0177 will:0.0176 is:0.0166 was:0.0161 of:0.0135 would:0.0117 or:0.0099 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8797 and:0.0313 of:0.0153 is:0.0141 was:0.0134 the:0.0120 be:0.0118 that:0.0090 have:0.0073 a:0.0062 -:0.6151 of:0.1029 in:0.0672 to:0.0427 on:0.0366 that:0.0344 for:0.0322 by:0.0242 and:0.0235 at:0.0213 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8422 the:0.0497 and:0.0311 a:0.0279 of:0.0137 is:0.0081 was:0.0079 his:0.0068 be:0.0064 he:0.0062 -of:0.2672 :0.3397 to:0.1266 in:0.0859 for:0.0378 and:0.0357 with:0.0343 on:0.0259 from:0.0245 by:0.0225 -:0.7520 the:0.0606 and:0.0510 a:0.0405 of:0.0358 to:0.0222 or:0.0115 is:0.0106 was:0.0086 are:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9121 been:0.0234 done:0.0126 it:0.0105 gone:0.0094 made:0.0092 taken:0.0073 received:0.0056 passed:0.0050 not:0.0049 -:0.8433 and:0.0498 than:0.0250 to:0.0209 up:0.0162 together:0.0121 of:0.0093 down:0.0087 but:0.0078 had:0.0070 -:0.7490 the:0.1430 a:0.0352 and:0.0129 it:0.0127 to:0.0114 tho:0.0098 that:0.0095 his:0.0084 he:0.0081 -:0.6310 to:0.1315 not:0.1183 now:0.0317 a:0.0276 so:0.0194 hereby:0.0110 and:0.0105 well:0.0096 will:0.0093 -:0.9443 the:0.0106 them:0.0096 said:0.0068 him:0.0054 all:0.0053 land:0.0051 sale:0.0048 men:0.0046 us:0.0035 -:0.6815 the:0.0965 to:0.0511 of:0.0497 and:0.0371 a:0.0268 in:0.0231 his:0.0130 with:0.0112 for:0.0100 -:0.7880 be:0.1143 have:0.0310 not:0.0203 the:0.0154 bo:0.0070 had:0.0069 a:0.0061 and:0.0055 are:0.0054 -:0.6176 of:0.1830 and:0.0757 in:0.0268 to:0.0248 the:0.0221 or:0.0133 are:0.0129 for:0.0122 with:0.0116 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9024 day:0.0200 part:0.0175 one:0.0151 time:0.0102 side:0.0097 line:0.0070 way:0.0061 sort:0.0061 parts:0.0059 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7952 to:0.0542 and:0.0431 of:0.0304 in:0.0176 a:0.0145 for:0.0144 the:0.0112 at:0.0098 as:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8313 few:0.0468 great:0.0256 good:0.0220 little:0.0182 certain:0.0150 small:0.0118 very:0.0115 long:0.0094 large:0.0085 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7984 the:0.0787 he:0.0289 a:0.0202 is:0.0167 and:0.0141 they:0.0120 to:0.0117 it:0.0102 one:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.1508 of:0.1157 :0.3482 in:0.0923 by:0.0834 that:0.0558 for:0.0531 on:0.0367 and:0.0320 with:0.0319 -:0.6760 the:0.0917 and:0.0718 of:0.0449 a:0.0403 to:0.0216 is:0.0179 was:0.0155 or:0.0113 in:0.0089 -:0.8909 it:0.0583 there:0.0100 city:0.0081 he:0.0064 which:0.0057 that:0.0055 time:0.0054 war:0.0050 country:0.0047 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6450 and:0.0749 that:0.0721 as:0.0608 of:0.0384 but:0.0279 if:0.0248 than:0.0204 for:0.0188 to:0.0169 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5123 to:0.2395 of:0.0638 and:0.0568 the:0.0401 that:0.0243 in:0.0183 for:0.0179 it:0.0148 with:0.0123 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8076 and:0.0634 is:0.0255 of:0.0213 was:0.0166 to:0.0152 in:0.0139 as:0.0135 the:0.0119 have:0.0111 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.9183 them:0.0197 the:0.0181 land:0.0089 interest:0.0084 him:0.0061 sale:0.0054 it:0.0053 this:0.0051 all:0.0048 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -:0.9049 one:0.0138 the:0.0138 he:0.0118 it:0.0117 and:0.0110 is:0.0090 you:0.0084 we:0.0080 they:0.0076 -:0.8429 the:0.0476 and:0.0255 is:0.0183 was:0.0162 a:0.0156 he:0.0092 are:0.0087 of:0.0084 be:0.0076 -:0.9210 chance:0.0117 visit:0.0108 right:0.0097 time:0.0090 desire:0.0088 year:0.0081 man:0.0073 letter:0.0069 return:0.0067 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9058 and:0.0155 the:0.0142 of:0.0137 time:0.0099 a:0.0098 that:0.0086 to:0.0081 in:0.0075 day:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9426 city:0.0085 time:0.0075 same:0.0075 bill:0.0063 country:0.0063 case:0.0059 matter:0.0053 world:0.0052 result:0.0050 -:0.7292 of:0.0924 and:0.0417 the:0.0289 in:0.0283 to:0.0206 at:0.0174 that:0.0164 for:0.0156 a:0.0096 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.4418 :0.3374 and:0.0758 to:0.0431 in:0.0245 that:0.0186 for:0.0180 or:0.0141 at:0.0135 with:0.0133 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -of:0.2795 :0.5025 and:0.0736 to:0.0366 in:0.0252 the:0.0251 or:0.0177 for:0.0146 is:0.0142 with:0.0110 -:0.8804 that:0.0302 in:0.0213 of:0.0211 and:0.0129 for:0.0093 on:0.0073 as:0.0063 from:0.0060 to:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7020 the:0.2041 a:0.0332 tho:0.0111 this:0.0102 tbe:0.0087 his:0.0083 said:0.0078 it:0.0074 their:0.0072 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7804 the:0.0513 a:0.0383 and:0.0233 to:0.0226 he:0.0218 that:0.0188 be:0.0180 have:0.0135 it:0.0118 -of:0.2278 :0.5130 and:0.0886 to:0.0396 the:0.0363 in:0.0300 or:0.0181 at:0.0162 is:0.0156 for:0.0147 -:0.6607 the:0.0957 to:0.0756 and:0.0556 of:0.0426 in:0.0166 was:0.0147 a:0.0138 is:0.0136 or:0.0111 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7624 and:0.0751 the:0.0589 of:0.0229 was:0.0188 to:0.0181 is:0.0139 has:0.0115 a:0.0107 or:0.0077 -:0.9134 doubt:0.0244 longer:0.0104 other:0.0103 more:0.0098 one:0.0093 time:0.0085 and:0.0051 work:0.0046 as:0.0043 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.3419 a:0.2175 :0.3148 said:0.0247 his:0.0224 tho:0.0203 any:0.0158 this:0.0155 an:0.0143 our:0.0128 -the:0.2787 :0.5638 a:0.0738 his:0.0166 tho:0.0145 their:0.0117 other:0.0113 any:0.0101 its:0.0099 this:0.0096 -:0.7177 of:0.1004 in:0.0639 and:0.0235 to:0.0188 that:0.0180 on:0.0176 for:0.0172 is:0.0125 by:0.0104 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.5031 to:0.1720 and:0.0854 of:0.0718 that:0.0355 in:0.0321 for:0.0289 the:0.0269 by:0.0234 a:0.0208 -:0.6032 of:0.2260 and:0.0571 the:0.0333 to:0.0219 in:0.0169 a:0.0118 for:0.0110 that:0.0093 as:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7135 the:0.0997 a:0.0487 of:0.0388 and:0.0336 that:0.0176 in:0.0160 to:0.0140 it:0.0092 by:0.0088 -:0.7313 of:0.0856 and:0.0571 to:0.0395 the:0.0245 or:0.0191 in:0.0161 he:0.0104 which:0.0082 for:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -of:0.6298 :0.1787 in:0.0446 to:0.0346 and:0.0244 for:0.0225 on:0.0212 at:0.0156 by:0.0145 from:0.0142 -:0.6158 the:0.1060 of:0.0795 in:0.0469 to:0.0363 and:0.0317 any:0.0295 a:0.0204 for:0.0170 or:0.0169 -:0.9453 and:0.0101 more:0.0086 to:0.0079 two:0.0061 less:0.0056 three:0.0043 all:0.0042 that:0.0042 it:0.0036 -:0.7582 and:0.0528 of:0.0488 the:0.0317 is:0.0229 that:0.0209 in:0.0190 as:0.0176 was:0.0152 to:0.0130 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.8379 and:0.0429 up:0.0302 to:0.0178 him:0.0171 them:0.0142 it:0.0121 out:0.0112 or:0.0089 that:0.0079 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.8322 and:0.0712 of:0.0183 to:0.0178 that:0.0170 the:0.0126 a:0.0099 or:0.0074 so:0.0069 all:0.0067 -:0.7867 the:0.0697 to:0.0425 and:0.0229 of:0.0157 had:0.0143 will:0.0139 was:0.0126 in:0.0113 who:0.0104 -:0.8648 and:0.0265 the:0.0241 to:0.0197 of:0.0168 in:0.0120 that:0.0113 a:0.0103 for:0.0093 as:0.0053 -be:0.2536 :0.5822 have:0.0371 not:0.0277 bo:0.0252 make:0.0217 take:0.0190 get:0.0124 find:0.0111 the:0.0101 -:0.8830 and:0.0298 that:0.0152 but:0.0139 him:0.0126 all:0.0118 so:0.0093 said:0.0086 say:0.0082 to:0.0078 -:0.9291 same:0.0113 said:0.0102 whole:0.0096 most:0.0085 first:0.0075 great:0.0064 best:0.0063 other:0.0056 last:0.0056 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7155 to:0.0797 the:0.0613 and:0.0378 of:0.0281 in:0.0240 by:0.0158 a:0.0140 that:0.0122 on:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6928 of:0.0653 the:0.0589 to:0.0470 and:0.0429 in:0.0248 a:0.0197 for:0.0183 at:0.0166 by:0.0136 -:0.7651 and:0.0825 to:0.0301 will:0.0283 is:0.0268 was:0.0193 who:0.0178 it:0.0111 the:0.0095 would:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.7725 be:0.0691 make:0.0235 to:0.0230 in:0.0222 take:0.0222 find:0.0187 see:0.0174 have:0.0163 not:0.0152 -of:0.2416 :0.4349 in:0.0944 for:0.0413 to:0.0394 on:0.0354 at:0.0339 that:0.0309 by:0.0261 and:0.0220 -:0.8848 and:0.0302 together:0.0251 connection:0.0133 connected:0.0120 covered:0.0086 up:0.0071 accordance:0.0069 of:0.0068 to:0.0052 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.6760 of:0.0721 and:0.0608 to:0.0418 the:0.0389 in:0.0281 a:0.0277 that:0.0201 by:0.0191 for:0.0154 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -who:0.1849 :0.4460 to:0.0963 will:0.0593 would:0.0509 and:0.0479 can:0.0301 of:0.0299 is:0.0290 was:0.0257 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8393 be:0.0572 look:0.0323 the:0.0141 come:0.0127 go:0.0118 put:0.0090 appear:0.0083 him:0.0077 take:0.0077 -:0.8764 the:0.0212 and:0.0207 is:0.0177 of:0.0161 was:0.0152 has:0.0092 in:0.0084 to:0.0083 a:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.2564 :0.5327 a:0.1042 his:0.0239 he:0.0182 any:0.0164 this:0.0154 every:0.0117 tho:0.0111 all:0.0101 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6825 the:0.1112 that:0.0638 of:0.0334 and:0.0292 a:0.0202 in:0.0161 for:0.0160 all:0.0142 this:0.0133 -:0.7184 the:0.1026 of:0.0749 and:0.0277 in:0.0184 a:0.0155 was:0.0123 is:0.0112 to:0.0101 has:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7058 of:0.0746 the:0.0576 and:0.0481 in:0.0234 that:0.0234 for:0.0220 with:0.0176 a:0.0141 by:0.0134 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -of:0.2107 to:0.1201 :0.3647 in:0.0815 for:0.0504 by:0.0398 on:0.0378 and:0.0320 at:0.0316 with:0.0312 -the:0.0716 a:0.0463 :0.7894 its:0.0173 their:0.0160 this:0.0129 said:0.0124 which:0.0124 tho:0.0122 whom:0.0096 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6664 of:0.0680 to:0.0630 and:0.0527 be:0.0323 in:0.0279 was:0.0257 for:0.0248 the:0.0201 is:0.0192 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6893 to:0.0607 of:0.0580 and:0.0486 the:0.0413 in:0.0305 that:0.0268 for:0.0217 or:0.0131 by:0.0100 -:0.7959 the:0.0481 and:0.0379 of:0.0369 a:0.0208 is:0.0152 was:0.0133 that:0.0121 in:0.0104 be:0.0094 -:0.9420 and:0.0147 together:0.0108 to:0.0066 that:0.0048 connected:0.0046 up:0.0045 down:0.0045 of:0.0038 as:0.0037 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -be:0.2747 :0.5648 the:0.0456 not:0.0267 he:0.0181 a:0.0178 to:0.0156 bo:0.0148 have:0.0121 it:0.0099 -to:0.3008 :0.4981 will:0.0599 and:0.0328 would:0.0326 can:0.0176 shall:0.0159 must:0.0142 should:0.0141 may:0.0139 -:0.7760 and:0.0450 of:0.0415 to:0.0333 the:0.0333 for:0.0173 in:0.0142 that:0.0135 with:0.0131 a:0.0128 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6618 the:0.1657 a:0.0432 of:0.0285 to:0.0273 that:0.0212 and:0.0184 tho:0.0118 in:0.0114 it:0.0107 -the:0.4419 :0.3887 a:0.0487 this:0.0296 tho:0.0271 said:0.0183 his:0.0178 our:0.0118 its:0.0081 these:0.0080 -:0.8058 and:0.0479 of:0.0301 to:0.0248 the:0.0229 is:0.0208 in:0.0158 was:0.0128 he:0.0105 or:0.0086 -:0.7979 of:0.0486 and:0.0382 to:0.0244 a:0.0178 the:0.0172 in:0.0167 is:0.0150 for:0.0143 that:0.0099 -:0.8300 made:0.0332 held:0.0254 found:0.0246 used:0.0174 paid:0.0160 done:0.0156 placed:0.0153 given:0.0114 sold:0.0111 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6133 of:0.0957 to:0.0640 and:0.0521 is:0.0458 who:0.0362 he:0.0273 was:0.0259 in:0.0231 are:0.0165 -:0.6063 to:0.0915 and:0.0683 of:0.0659 the:0.0528 in:0.0342 a:0.0279 for:0.0246 by:0.0152 that:0.0133 -:0.8272 the:0.0436 and:0.0292 of:0.0249 it:0.0165 a:0.0153 he:0.0122 one:0.0118 that:0.0109 this:0.0084 -:0.9052 and:0.0223 as:0.0152 to:0.0117 it:0.0106 that:0.0086 up:0.0073 away:0.0072 time:0.0061 him:0.0058 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8210 of:0.0426 and:0.0379 to:0.0299 the:0.0177 that:0.0157 in:0.0120 by:0.0078 a:0.0076 at:0.0076 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.9089 days:0.0177 day:0.0134 men:0.0103 hundred:0.0102 time:0.0094 and:0.0090 man:0.0085 years:0.0072 city:0.0056 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.9403 and:0.0225 to:0.0056 is:0.0052 of:0.0050 that:0.0049 one:0.0045 the:0.0044 was:0.0041 all:0.0036 -:0.8834 and:0.0335 so:0.0147 but:0.0144 to:0.0108 of:0.0100 in:0.0090 that:0.0089 all:0.0087 out:0.0066 -:0.8625 the:0.0330 a:0.0266 that:0.0221 it:0.0128 and:0.0117 to:0.0100 as:0.0087 in:0.0063 he:0.0062 -:0.8983 same:0.0233 other:0.0160 said:0.0123 great:0.0103 most:0.0086 public:0.0083 north:0.0080 the:0.0078 highest:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2510 :0.3698 in:0.0947 to:0.0710 for:0.0506 and:0.0445 from:0.0332 on:0.0303 with:0.0301 that:0.0248 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5430 of:0.1760 in:0.0638 to:0.0448 for:0.0447 at:0.0326 by:0.0249 on:0.0239 the:0.0232 a:0.0231 -:0.8020 of:0.0538 and:0.0354 the:0.0274 in:0.0196 to:0.0189 for:0.0152 with:0.0125 at:0.0081 on:0.0071 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.9363 other:0.0118 time:0.0118 city:0.0086 person:0.0067 men:0.0056 man:0.0054 year:0.0051 more:0.0044 one:0.0043 -the:0.4530 :0.3633 a:0.0486 be:0.0483 his:0.0221 tho:0.0213 their:0.0143 this:0.0122 its:0.0093 our:0.0076 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.8806 the:0.0522 a:0.0128 and:0.0120 of:0.0119 in:0.0101 to:0.0067 by:0.0053 said:0.0044 at:0.0042 -:0.8697 day:0.0462 and:0.0190 who:0.0125 man:0.0118 time:0.0110 it:0.0088 he:0.0073 which:0.0073 that:0.0064 -the:0.0448 :0.9049 those:0.0091 this:0.0067 these:0.0062 tho:0.0062 their:0.0058 all:0.0057 our:0.0054 any:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7230 that:0.0951 which:0.0421 as:0.0417 and:0.0256 what:0.0183 if:0.0178 the:0.0153 but:0.0110 it:0.0102 -:0.7348 the:0.0656 of:0.0522 and:0.0444 to:0.0378 a:0.0198 that:0.0124 in:0.0118 for:0.0108 is:0.0105 -:0.5741 the:0.2164 a:0.0825 of:0.0423 his:0.0218 and:0.0169 tho:0.0135 their:0.0121 in:0.0111 an:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9414 now:0.0094 not:0.0077 well:0.0076 known:0.0074 a:0.0062 due:0.0056 it:0.0054 more:0.0050 true:0.0044 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.9339 people:0.0193 same:0.0090 men:0.0078 world:0.0075 city:0.0067 government:0.0048 county:0.0041 land:0.0037 boys:0.0032 -:0.8015 the:0.0686 a:0.0246 to:0.0201 and:0.0198 in:0.0186 of:0.0183 by:0.0096 it:0.0095 that:0.0095 -:0.6332 of:0.1655 and:0.0457 to:0.0453 in:0.0290 the:0.0182 or:0.0167 was:0.0162 is:0.0161 for:0.0141 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.7774 of:0.0744 and:0.0419 to:0.0232 in:0.0225 the:0.0210 for:0.0139 a:0.0101 that:0.0092 at:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8712 him:0.0355 them:0.0211 it:0.0147 as:0.0127 up:0.0095 us:0.0092 come:0.0089 and:0.0087 me:0.0085 -:0.7090 is:0.0659 was:0.0565 and:0.0534 the:0.0342 of:0.0235 are:0.0166 to:0.0147 has:0.0132 a:0.0131 -to:0.4617 will:0.1241 :0.2111 may:0.0476 can:0.0410 shall:0.0334 would:0.0279 should:0.0245 must:0.0151 could:0.0136 -:0.9015 and:0.0373 to:0.0109 is:0.0087 the:0.0082 that:0.0080 of:0.0073 as:0.0066 was:0.0062 it:0.0052 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7422 to:0.0537 of:0.0525 and:0.0389 the:0.0279 in:0.0216 a:0.0193 for:0.0155 on:0.0147 by:0.0137 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7475 the:0.0897 a:0.0400 and:0.0357 was:0.0215 is:0.0182 be:0.0169 to:0.0108 are:0.0099 of:0.0098 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6252 and:0.0759 is:0.0679 are:0.0564 were:0.0327 do:0.0311 will:0.0311 to:0.0283 was:0.0279 did:0.0235 -:0.5948 been:0.1399 the:0.0647 not:0.0535 a:0.0505 so:0.0337 no:0.0224 to:0.0192 taken:0.0114 made:0.0100 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9306 all:0.0128 that:0.0094 said:0.0093 so:0.0091 declared:0.0071 say:0.0059 and:0.0058 found:0.0056 if:0.0045 -:0.9422 hour:0.0226 home:0.0051 office:0.0049 acre:0.0048 opportunity:0.0047 time:0.0041 night:0.0039 work:0.0039 interest:0.0037 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9504 the:0.0174 a:0.0074 no:0.0049 in:0.0048 all:0.0035 said:0.0029 tho:0.0029 such:0.0029 to:0.0029 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.8761 the:0.0418 and:0.0187 was:0.0137 is:0.0132 a:0.0095 or:0.0077 be:0.0070 are:0.0063 of:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8549 of:0.0355 and:0.0314 the:0.0138 that:0.0120 are:0.0120 he:0.0109 to:0.0103 or:0.0100 a:0.0093 -:0.8114 the:0.0589 and:0.0330 of:0.0256 that:0.0178 to:0.0144 in:0.0126 a:0.0107 as:0.0096 for:0.0059 -:0.6472 of:0.0840 ago:0.0765 and:0.0603 to:0.0401 in:0.0273 that:0.0218 for:0.0157 or:0.0139 as:0.0131 -:0.8009 the:0.0613 and:0.0568 to:0.0204 of:0.0153 a:0.0125 is:0.0101 was:0.0078 will:0.0076 he:0.0074 -:0.7654 of:0.0514 the:0.0424 and:0.0388 a:0.0227 for:0.0181 in:0.0172 that:0.0170 to:0.0160 or:0.0111 -of:0.0750 :0.6548 is:0.0442 to:0.0416 are:0.0358 was:0.0348 in:0.0335 and:0.0321 for:0.0287 were:0.0197 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.6718 of:0.0841 in:0.0511 to:0.0376 and:0.0354 the:0.0288 for:0.0267 by:0.0249 on:0.0208 at:0.0189 -:0.7510 and:0.0935 of:0.0590 to:0.0215 in:0.0165 that:0.0144 for:0.0122 from:0.0118 is:0.0103 as:0.0098 -:0.8732 own:0.0503 the:0.0255 a:0.0174 of:0.0099 old:0.0077 very:0.0043 in:0.0040 and:0.0038 wife:0.0038 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7243 the:0.1350 and:0.0289 a:0.0285 of:0.0178 in:0.0165 that:0.0131 at:0.0123 to:0.0121 for:0.0115 -:0.7884 and:0.0528 of:0.0452 to:0.0345 the:0.0170 in:0.0168 is:0.0135 for:0.0113 he:0.0104 was:0.0102 -:0.8810 the:0.0207 is:0.0183 and:0.0173 be:0.0164 was:0.0143 a:0.0107 are:0.0086 have:0.0073 had:0.0054 -:0.9518 same:0.0077 city:0.0073 people:0.0064 country:0.0048 work:0.0047 way:0.0045 world:0.0045 law:0.0043 government:0.0040 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5808 the:0.1090 a:0.1009 his:0.0581 to:0.0454 of:0.0422 and:0.0361 in:0.0122 their:0.0081 he:0.0072 -:0.7185 of:0.0766 the:0.0717 and:0.0315 in:0.0285 to:0.0201 a:0.0164 for:0.0138 that:0.0126 it:0.0104 -:0.7399 and:0.0687 to:0.0402 has:0.0259 was:0.0257 of:0.0235 the:0.0202 is:0.0198 will:0.0195 have:0.0165 -:0.8710 to:0.0291 and:0.0264 the:0.0199 of:0.0196 in:0.0077 as:0.0072 was:0.0070 said:0.0062 it:0.0059 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -be:0.2005 :0.6183 have:0.0673 not:0.0543 bo:0.0208 do:0.0100 get:0.0079 make:0.0077 come:0.0067 take:0.0066 -:0.8040 it:0.0287 we:0.0252 and:0.0251 they:0.0229 he:0.0229 who:0.0194 that:0.0182 as:0.0169 which:0.0168 -:0.6673 as:0.0505 for:0.0445 that:0.0422 in:0.0413 to:0.0383 with:0.0339 of:0.0327 by:0.0280 at:0.0212 -the:0.1799 a:0.1014 :0.6174 his:0.0229 tho:0.0163 this:0.0157 no:0.0148 an:0.0113 of:0.0102 their:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7304 of:0.0598 and:0.0523 the:0.0409 in:0.0256 to:0.0241 is:0.0234 a:0.0194 was:0.0137 for:0.0105 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4306 to:0.1790 in:0.1007 of:0.0874 on:0.0475 by:0.0455 for:0.0373 at:0.0282 with:0.0239 from:0.0199 -:0.7557 the:0.0428 and:0.0309 was:0.0297 a:0.0288 is:0.0268 to:0.0261 has:0.0225 have:0.0196 of:0.0172 -:0.6011 the:0.2447 a:0.0429 and:0.0309 of:0.0242 this:0.0143 to:0.0114 tho:0.0111 that:0.0103 was:0.0092 -:0.7313 that:0.0493 which:0.0483 whom:0.0433 be:0.0337 what:0.0205 say:0.0202 think:0.0199 do:0.0189 the:0.0146 -:0.7037 of:0.1230 and:0.0528 to:0.0432 in:0.0205 that:0.0125 the:0.0116 or:0.0110 for:0.0109 at:0.0108 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8959 that:0.0243 in:0.0239 from:0.0088 for:0.0086 if:0.0083 to:0.0082 the:0.0082 all:0.0080 by:0.0059 -:0.7762 the:0.0472 a:0.0328 to:0.0292 of:0.0265 and:0.0245 not:0.0232 that:0.0176 in:0.0128 an:0.0100 -the:0.1939 :0.6401 a:0.0738 of:0.0177 this:0.0149 and:0.0132 any:0.0131 tho:0.0119 his:0.0114 in:0.0100 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.6904 and:0.0928 of:0.0617 is:0.0321 was:0.0253 but:0.0227 it:0.0208 as:0.0201 to:0.0171 that:0.0169 -:0.8348 the:0.0409 make:0.0336 take:0.0179 be:0.0162 all:0.0128 get:0.0118 pay:0.0110 see:0.0105 keep:0.0105 -:0.8300 the:0.0303 that:0.0253 not:0.0191 and:0.0187 to:0.0175 a:0.0175 of:0.0149 he:0.0138 be:0.0129 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.5349 of:0.1435 in:0.0710 on:0.0536 to:0.0520 for:0.0382 and:0.0305 by:0.0278 from:0.0250 at:0.0236 -:0.6266 to:0.1339 the:0.0607 a:0.0526 in:0.0462 no:0.0228 for:0.0180 of:0.0162 by:0.0123 on:0.0108 -the:0.2961 :0.4551 be:0.1182 a:0.0400 his:0.0218 this:0.0204 tho:0.0181 he:0.0122 their:0.0106 her:0.0075 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.7451 and:0.0513 has:0.0328 the:0.0295 is:0.0294 of:0.0284 was:0.0252 have:0.0227 had:0.0201 a:0.0154 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6779 a:0.1063 the:0.1061 to:0.0250 of:0.0203 and:0.0203 tho:0.0124 his:0.0118 in:0.0107 an:0.0092 -:0.7045 the:0.1223 of:0.0490 and:0.0299 a:0.0238 in:0.0211 to:0.0200 his:0.0134 their:0.0087 for:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5968 the:0.2025 to:0.0502 and:0.0302 a:0.0264 in:0.0257 of:0.0237 by:0.0154 that:0.0147 it:0.0144 -:0.7669 and:0.0619 it:0.0340 that:0.0289 as:0.0264 who:0.0238 but:0.0182 which:0.0145 they:0.0136 he:0.0118 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.8471 make:0.0343 the:0.0298 be:0.0174 have:0.0156 get:0.0119 pay:0.0117 all:0.0111 take:0.0108 in:0.0102 -:0.9491 more:0.0134 one:0.0115 two:0.0063 and:0.0037 other:0.0035 that:0.0033 less:0.0032 three:0.0030 person:0.0029 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8381 the:0.0458 of:0.0279 a:0.0229 and:0.0175 to:0.0123 that:0.0107 in:0.0098 for:0.0079 with:0.0071 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.8424 the:0.0301 to:0.0226 in:0.0223 and:0.0197 of:0.0180 that:0.0139 a:0.0116 by:0.0097 at:0.0096 -:0.6249 and:0.1553 that:0.0562 but:0.0492 as:0.0374 is:0.0251 of:0.0186 was:0.0148 to:0.0100 he:0.0085 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7953 in:0.0440 to:0.0378 the:0.0302 not:0.0250 a:0.0187 of:0.0148 and:0.0131 only:0.0108 now:0.0103 -:0.8344 to:0.0349 and:0.0314 of:0.0264 the:0.0245 a:0.0158 was:0.0098 will:0.0081 is:0.0078 he:0.0069 -:0.6328 of:0.1326 and:0.0667 for:0.0300 to:0.0299 that:0.0274 with:0.0233 in:0.0227 by:0.0182 the:0.0166 -:0.8940 and:0.0272 the:0.0156 to:0.0129 of:0.0114 is:0.0104 as:0.0083 that:0.0071 in:0.0066 was:0.0064 -:0.7863 been:0.1167 done:0.0192 made:0.0172 not:0.0139 lived:0.0123 succeeded:0.0089 taken:0.0088 come:0.0085 gone:0.0083 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.4701 to:0.1500 of:0.1385 and:0.1001 that:0.0304 in:0.0263 for:0.0261 the:0.0244 a:0.0191 by:0.0147 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9541 the:0.0154 a:0.0049 be:0.0046 of:0.0044 that:0.0040 and:0.0037 time:0.0035 said:0.0029 in:0.0025 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7010 of:0.0864 and:0.0660 to:0.0557 in:0.0230 is:0.0193 was:0.0181 for:0.0124 or:0.0094 by:0.0087 -:0.6770 a:0.0971 the:0.0920 to:0.0444 and:0.0307 of:0.0234 in:0.0124 was:0.0085 an:0.0076 his:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7573 of:0.0560 the:0.0505 and:0.0449 to:0.0270 in:0.0188 that:0.0128 a:0.0125 for:0.0119 as:0.0083 -:0.9370 one:0.0144 the:0.0123 more:0.0114 a:0.0056 it:0.0050 two:0.0047 that:0.0037 better:0.0031 this:0.0029 -:0.6709 he:0.1160 it:0.0891 there:0.0315 she:0.0286 which:0.0210 who:0.0141 that:0.0113 they:0.0090 ho:0.0085 -:0.6821 and:0.0796 of:0.0679 to:0.0606 the:0.0280 in:0.0273 that:0.0164 for:0.0135 by:0.0135 or:0.0111 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8061 and:0.0476 the:0.0318 to:0.0217 be:0.0213 he:0.0167 a:0.0163 was:0.0150 of:0.0133 we:0.0101 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7039 of:0.0695 the:0.0652 to:0.0368 in:0.0289 and:0.0277 a:0.0226 for:0.0199 that:0.0127 by:0.0127 -:0.6599 a:0.1372 the:0.1041 and:0.0281 to:0.0189 his:0.0144 that:0.0105 of:0.0095 one:0.0089 in:0.0086 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.9125 the:0.0254 of:0.0167 and:0.0120 time:0.0082 that:0.0063 a:0.0057 other:0.0051 in:0.0044 or:0.0037 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9557 world:0.0083 city:0.0056 same:0.0053 time:0.0046 state:0.0044 house:0.0043 case:0.0040 country:0.0039 following:0.0039 -:0.8414 the:0.0363 and:0.0356 to:0.0192 of:0.0189 that:0.0173 in:0.0099 a:0.0092 as:0.0061 for:0.0060 -the:0.3640 :0.3909 a:0.0787 his:0.0389 their:0.0275 this:0.0261 tho:0.0213 our:0.0195 its:0.0183 all:0.0149 -:0.8324 the:0.0432 and:0.0322 of:0.0293 a:0.0164 to:0.0130 was:0.0088 in:0.0085 for:0.0085 is:0.0076 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.7939 and:0.0466 of:0.0373 to:0.0303 that:0.0278 as:0.0188 which:0.0136 when:0.0122 for:0.0100 if:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.4363 :0.4271 a:0.0514 and:0.0154 tho:0.0148 this:0.0131 their:0.0108 his:0.0106 our:0.0105 to:0.0101 -:0.7645 and:0.0658 that:0.0655 but:0.0206 as:0.0206 of:0.0166 if:0.0139 when:0.0125 for:0.0109 it:0.0091 -:0.8996 one:0.0217 two:0.0143 the:0.0128 more:0.0120 it:0.0106 him:0.0094 three:0.0080 he:0.0061 a:0.0055 -the:0.2021 a:0.1977 :0.4194 his:0.0733 their:0.0385 her:0.0219 its:0.0143 an:0.0129 tho:0.0116 our:0.0083 -:0.5150 of:0.2144 to:0.1019 and:0.0590 in:0.0312 the:0.0239 for:0.0179 that:0.0140 or:0.0120 on:0.0106 -of:0.3689 in:0.0925 to:0.0526 for:0.0500 :0.2738 on:0.0420 from:0.0369 with:0.0338 by:0.0254 at:0.0242 -:0.7490 the:0.1430 a:0.0352 and:0.0129 it:0.0127 to:0.0114 tho:0.0098 that:0.0095 his:0.0084 he:0.0081 -:0.7722 he:0.0441 they:0.0397 it:0.0315 and:0.0284 who:0.0242 we:0.0212 which:0.0152 that:0.0144 you:0.0091 -:0.7157 and:0.0667 as:0.0486 who:0.0424 that:0.0281 it:0.0240 we:0.0193 to:0.0187 but:0.0187 are:0.0178 -:0.7359 the:0.0675 to:0.0386 of:0.0351 a:0.0296 and:0.0293 in:0.0208 it:0.0166 he:0.0155 for:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6752 of:0.0853 to:0.0688 and:0.0680 in:0.0328 the:0.0161 for:0.0161 is:0.0136 from:0.0125 on:0.0116 -:0.5378 of:0.1364 to:0.0940 the:0.0551 and:0.0502 in:0.0500 a:0.0393 for:0.0166 on:0.0111 by:0.0096 -:0.8279 they:0.0568 we:0.0205 there:0.0203 he:0.0179 it:0.0143 and:0.0138 the:0.0103 that:0.0095 which:0.0087 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.3876 a:0.1521 :0.3386 his:0.0361 their:0.0170 tho:0.0164 our:0.0147 this:0.0136 an:0.0124 that:0.0117 -:0.8650 and:0.0341 of:0.0322 up:0.0128 out:0.0104 days:0.0102 or:0.0098 to:0.0094 but:0.0085 year:0.0077 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.9336 time:0.0170 doubt:0.0112 longer:0.0110 more:0.0073 and:0.0046 place:0.0042 man:0.0040 it:0.0036 other:0.0035 -:0.5843 the:0.1848 a:0.0847 that:0.0323 it:0.0260 to:0.0237 in:0.0178 and:0.0165 of:0.0159 his:0.0139 -:0.7158 to:0.0693 of:0.0561 the:0.0500 and:0.0320 in:0.0250 a:0.0152 as:0.0138 for:0.0120 that:0.0109 -:0.8633 not:0.0280 able:0.0192 going:0.0180 likely:0.0156 ready:0.0133 due:0.0116 necessary:0.0111 expected:0.0100 impossible:0.0099 -:0.7256 the:0.0771 a:0.0682 and:0.0379 of:0.0336 is:0.0173 was:0.0139 to:0.0117 for:0.0077 by:0.0069 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7707 to:0.0540 a:0.0410 the:0.0371 it:0.0202 that:0.0175 by:0.0157 and:0.0155 in:0.0146 for:0.0138 -:0.6235 the:0.1278 he:0.0560 not:0.0523 a:0.0364 they:0.0284 it:0.0267 we:0.0178 much:0.0175 an:0.0136 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8588 the:0.0576 a:0.0215 and:0.0174 to:0.0098 in:0.0083 it:0.0074 that:0.0067 he:0.0064 of:0.0060 -:0.8588 and:0.0526 was:0.0195 of:0.0119 it:0.0108 is:0.0104 as:0.0098 than:0.0090 that:0.0089 to:0.0084 -:0.6618 the:0.1657 a:0.0432 of:0.0285 to:0.0273 that:0.0212 and:0.0184 tho:0.0118 in:0.0114 it:0.0107 -be:0.3837 :0.4145 been:0.0833 have:0.0388 only:0.0178 bo:0.0173 to:0.0160 the:0.0103 not:0.0095 always:0.0088 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.5438 of:0.2052 to:0.0754 and:0.0687 in:0.0245 or:0.0194 for:0.0194 the:0.0186 with:0.0128 by:0.0122 -:0.8059 the:0.0506 of:0.0361 and:0.0317 that:0.0178 a:0.0166 is:0.0115 to:0.0114 was:0.0092 which:0.0091 -:0.7003 of:0.1045 and:0.0480 to:0.0386 in:0.0231 by:0.0204 for:0.0201 the:0.0175 with:0.0145 that:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8219 we:0.0352 and:0.0321 they:0.0196 that:0.0177 is:0.0172 who:0.0168 it:0.0154 which:0.0133 he:0.0110 -:0.8076 the:0.0493 of:0.0348 and:0.0342 to:0.0243 in:0.0161 by:0.0092 is:0.0085 or:0.0081 that:0.0079 -:0.8424 the:0.0301 to:0.0226 in:0.0223 and:0.0197 of:0.0180 that:0.0139 a:0.0116 by:0.0097 at:0.0096 -:0.8708 the:0.0537 a:0.0199 to:0.0164 and:0.0078 in:0.0074 be:0.0068 it:0.0068 said:0.0052 of:0.0050 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7203 of:0.0686 and:0.0659 to:0.0576 in:0.0223 for:0.0161 from:0.0151 by:0.0132 at:0.0110 the:0.0100 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -of:0.4047 :0.4092 and:0.0628 to:0.0427 in:0.0260 for:0.0126 that:0.0125 as:0.0100 is:0.0098 with:0.0097 -:0.6835 that:0.1465 as:0.0757 far:0.0196 and:0.0156 much:0.0140 but:0.0116 what:0.0116 if:0.0111 when:0.0109 -:0.8508 so:0.0267 found:0.0240 given:0.0212 made:0.0172 not:0.0132 ordered:0.0123 sure:0.0116 declared:0.0115 understood:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7101 will:0.0591 are:0.0475 to:0.0334 may:0.0308 have:0.0263 would:0.0254 be:0.0234 can:0.0225 and:0.0215 -:0.9287 own:0.0366 wife:0.0123 life:0.0043 eyes:0.0033 head:0.0032 hand:0.0031 hands:0.0029 friends:0.0029 office:0.0026 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8382 as:0.0689 and:0.0396 is:0.0137 up:0.0080 but:0.0077 them:0.0064 him:0.0061 or:0.0058 time:0.0055 -:0.9297 same:0.0178 said:0.0128 the:0.0072 first:0.0069 other:0.0067 best:0.0057 most:0.0047 whole:0.0045 great:0.0041 -:0.6303 of:0.0820 the:0.0723 and:0.0536 a:0.0502 in:0.0292 that:0.0225 as:0.0212 for:0.0198 is:0.0188 -:0.6703 that:0.0775 and:0.0539 as:0.0414 which:0.0405 of:0.0377 but:0.0233 when:0.0192 if:0.0185 where:0.0177 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7362 to:0.0852 and:0.0508 of:0.0347 was:0.0201 in:0.0186 is:0.0177 for:0.0138 the:0.0115 with:0.0114 -:0.6223 in:0.0796 to:0.0602 with:0.0490 by:0.0409 for:0.0372 and:0.0299 of:0.0279 at:0.0268 as:0.0262 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5587 of:0.1748 in:0.0633 and:0.0482 to:0.0383 for:0.0286 on:0.0275 from:0.0223 with:0.0198 that:0.0185 -:0.9795 is:0.0030 and:0.0028 was:0.0025 would:0.0024 are:0.0021 will:0.0021 it:0.0019 feet:0.0019 said:0.0018 -:0.5548 to:0.1278 and:0.0683 the:0.0530 will:0.0510 would:0.0329 of:0.0328 was:0.0316 is:0.0265 a:0.0212 -:0.8346 and:0.0394 of:0.0265 the:0.0217 to:0.0210 was:0.0152 in:0.0138 is:0.0111 a:0.0090 or:0.0076 -:0.6555 the:0.0921 to:0.0838 in:0.0371 and:0.0324 by:0.0235 a:0.0228 of:0.0219 that:0.0163 at:0.0146 -:0.8528 of:0.0352 and:0.0231 the:0.0224 to:0.0163 in:0.0147 a:0.0128 that:0.0093 at:0.0070 for:0.0064 -the:0.4689 :0.3381 a:0.0644 of:0.0337 this:0.0223 tho:0.0216 his:0.0142 in:0.0142 and:0.0121 its:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8624 be:0.0350 more:0.0270 only:0.0267 less:0.0134 one:0.0106 been:0.0088 come:0.0055 have:0.0054 not:0.0051 -:0.7513 to:0.0584 the:0.0547 of:0.0341 and:0.0330 in:0.0199 a:0.0166 that:0.0117 by:0.0106 for:0.0097 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9220 said:0.0208 same:0.0141 the:0.0090 other:0.0070 first:0.0066 great:0.0065 most:0.0049 very:0.0048 following:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5591 of:0.0927 in:0.0679 for:0.0531 to:0.0523 with:0.0498 and:0.0347 is:0.0333 by:0.0317 was:0.0254 -:0.6634 the:0.1099 of:0.0593 to:0.0461 and:0.0314 a:0.0253 in:0.0194 it:0.0174 that:0.0161 for:0.0118 -of:0.4121 :0.3959 in:0.0459 to:0.0394 for:0.0237 and:0.0215 on:0.0200 that:0.0142 at:0.0141 with:0.0131 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.9143 as:0.0316 and:0.0107 is:0.0104 time:0.0072 up:0.0061 able:0.0056 but:0.0049 began:0.0047 enough:0.0046 -:0.8638 and:0.0427 that:0.0227 of:0.0113 all:0.0107 said:0.0105 so:0.0105 but:0.0098 him:0.0098 fact:0.0083 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8940 covered:0.0185 filled:0.0159 not:0.0157 now:0.0119 charged:0.0100 connected:0.0092 provided:0.0090 made:0.0087 called:0.0071 -:0.7382 of:0.0774 and:0.0715 to:0.0365 the:0.0212 in:0.0174 for:0.0102 as:0.0095 or:0.0091 that:0.0090 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.1517 :0.3803 not:0.1112 he:0.0660 we:0.0656 will:0.0605 may:0.0499 they:0.0482 would:0.0348 you:0.0318 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7959 the:0.0481 and:0.0379 of:0.0369 a:0.0208 is:0.0152 was:0.0133 that:0.0121 in:0.0104 be:0.0094 -:0.8041 and:0.0414 is:0.0294 was:0.0274 to:0.0250 he:0.0187 the:0.0169 who:0.0135 has:0.0129 are:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7275 the:0.1825 a:0.0364 it:0.0123 he:0.0077 to:0.0076 his:0.0069 that:0.0064 said:0.0064 an:0.0063 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8033 to:0.0453 and:0.0322 of:0.0239 the:0.0225 was:0.0186 is:0.0164 in:0.0135 that:0.0126 for:0.0117 -:0.8575 the:0.0435 a:0.0175 and:0.0150 he:0.0149 it:0.0135 of:0.0129 to:0.0097 that:0.0086 in:0.0069 -:0.9367 hour:0.0239 feet:0.0061 acre:0.0057 inch:0.0055 old:0.0051 right:0.0045 is:0.0042 opportunity:0.0042 early:0.0041 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9193 man:0.0240 men:0.0157 hour:0.0156 one:0.0055 time:0.0046 people:0.0040 old:0.0039 those:0.0038 persons:0.0037 -:0.9397 one:0.0223 part:0.0142 many:0.0045 use:0.0038 charge:0.0037 office:0.0033 full:0.0031 sale:0.0029 place:0.0027 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -:0.9353 have:0.0163 do:0.0110 be:0.0087 had:0.0054 know:0.0052 he:0.0050 get:0.0046 say:0.0045 and:0.0041 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9050 pay:0.0142 be:0.0132 vote:0.0122 him:0.0110 call:0.0099 provide:0.0096 work:0.0093 look:0.0085 do:0.0070 -:0.6819 in:0.0757 the:0.0656 of:0.0332 to:0.0321 and:0.0297 by:0.0223 at:0.0218 for:0.0190 from:0.0186 -:0.5303 to:0.0838 of:0.0782 in:0.0685 with:0.0618 for:0.0478 by:0.0442 as:0.0342 at:0.0260 on:0.0252 -:0.7020 the:0.2041 a:0.0332 tho:0.0111 this:0.0102 tbe:0.0087 his:0.0083 said:0.0078 it:0.0074 their:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2107 :0.4032 to:0.1209 in:0.0816 and:0.0504 for:0.0408 that:0.0246 from:0.0239 with:0.0236 on:0.0203 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.4879 the:0.2321 a:0.0922 of:0.0601 to:0.0433 and:0.0298 his:0.0169 in:0.0158 for:0.0120 is:0.0100 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -is:0.2936 was:0.1579 :0.4088 as:0.0285 in:0.0235 with:0.0220 to:0.0193 for:0.0177 has:0.0174 of:0.0114 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7186 to:0.2009 and:0.0190 as:0.0125 it:0.0120 we:0.0099 they:0.0082 you:0.0079 who:0.0058 not:0.0052 -:0.9470 long:0.0093 man:0.0076 little:0.0065 good:0.0061 year:0.0056 few:0.0052 time:0.0043 person:0.0042 matter:0.0041 -:0.7862 the:0.0489 and:0.0358 be:0.0352 was:0.0243 is:0.0168 of:0.0155 a:0.0140 have:0.0131 are:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -had:0.1803 was:0.1340 has:0.0947 is:0.0891 :0.4326 are:0.0163 have:0.0162 did:0.0138 could:0.0117 would:0.0113 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.6274 the:0.1449 of:0.0628 to:0.0417 and:0.0391 in:0.0285 a:0.0222 for:0.0131 was:0.0108 by:0.0096 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.8023 the:0.0504 and:0.0265 he:0.0211 that:0.0186 a:0.0184 it:0.0171 to:0.0169 in:0.0147 they:0.0139 -:0.7448 the:0.1432 a:0.0419 and:0.0179 his:0.0102 of:0.0097 to:0.0089 been:0.0080 in:0.0078 that:0.0076 -:0.8733 him:0.0351 them:0.0295 it:0.0123 us:0.0118 me:0.0105 as:0.0082 order:0.0080 regard:0.0057 her:0.0057 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8355 of:0.0544 and:0.0472 to:0.0157 in:0.0111 time:0.0104 or:0.0080 that:0.0061 the:0.0058 by:0.0058 -:0.7547 of:0.0713 and:0.0572 to:0.0277 the:0.0218 for:0.0186 in:0.0139 is:0.0124 as:0.0115 was:0.0109 -:0.7028 to:0.0735 of:0.0566 and:0.0519 the:0.0376 in:0.0211 for:0.0149 that:0.0140 by:0.0138 a:0.0137 -:0.8314 the:0.0420 and:0.0301 he:0.0183 be:0.0178 was:0.0144 it:0.0141 a:0.0133 is:0.0115 had:0.0072 -:0.7628 as:0.0544 and:0.0391 to:0.0342 of:0.0299 the:0.0231 that:0.0186 in:0.0158 for:0.0115 by:0.0105 -:0.5729 of:0.1596 the:0.0599 to:0.0528 in:0.0511 and:0.0419 by:0.0187 for:0.0166 with:0.0149 on:0.0118 -:0.6430 of:0.1516 and:0.0756 is:0.0303 in:0.0276 was:0.0186 for:0.0159 that:0.0131 to:0.0127 with:0.0118 -:0.7156 of:0.0863 and:0.0682 to:0.0547 in:0.0225 or:0.0138 the:0.0117 for:0.0098 that:0.0094 who:0.0079 -of:0.1588 :0.4212 in:0.0981 to:0.0834 from:0.0461 for:0.0437 by:0.0432 on:0.0406 with:0.0332 and:0.0317 -:0.8579 least:0.0372 once:0.0245 oclock:0.0193 home:0.0190 the:0.0134 night:0.0110 him:0.0061 it:0.0059 all:0.0057 -:0.9037 and:0.0314 is:0.0094 was:0.0090 are:0.0088 up:0.0079 to:0.0078 that:0.0074 but:0.0073 it:0.0072 -:0.9286 it:0.0218 he:0.0142 the:0.0117 there:0.0059 they:0.0045 time:0.0042 we:0.0031 you:0.0030 in:0.0030 -:0.8901 opportunity:0.0310 effort:0.0136 right:0.0123 appeal:0.0110 hour:0.0095 feet:0.0089 time:0.0085 order:0.0082 subject:0.0071 -:0.6596 the:0.0885 of:0.0869 to:0.0309 and:0.0292 a:0.0286 that:0.0260 in:0.0184 for:0.0164 by:0.0155 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9411 that:0.0091 as:0.0090 the:0.0075 in:0.0066 when:0.0062 then:0.0061 if:0.0053 is:0.0047 of:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -the:0.2376 be:0.2223 :0.4008 a:0.0408 have:0.0318 bo:0.0177 make:0.0133 do:0.0131 tho:0.0124 his:0.0102 -:0.7326 to:0.1307 and:0.0417 of:0.0208 or:0.0189 was:0.0147 is:0.0137 in:0.0104 up:0.0082 are:0.0082 -:0.7473 is:0.0522 was:0.0373 to:0.0372 and:0.0321 of:0.0316 are:0.0208 will:0.0174 in:0.0133 or:0.0109 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.5898 of:0.1836 and:0.0743 to:0.0566 in:0.0319 the:0.0175 or:0.0125 for:0.0114 that:0.0113 at:0.0112 -:0.8763 the:0.0499 all:0.0204 which:0.0115 that:0.0108 this:0.0097 said:0.0062 any:0.0061 a:0.0047 tho:0.0045 -:0.8191 of:0.0709 and:0.0439 to:0.0156 the:0.0127 in:0.0121 for:0.0073 from:0.0067 with:0.0064 or:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7667 be:0.1141 not:0.0352 come:0.0186 have:0.0155 go:0.0110 remain:0.0104 put:0.0099 bo:0.0098 appear:0.0085 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3711 :0.4315 a:0.0738 his:0.0358 an:0.0229 their:0.0151 her:0.0131 tho:0.0125 its:0.0122 this:0.0119 -the:0.3152 :0.5202 a:0.0549 tho:0.0205 his:0.0195 this:0.0194 our:0.0161 their:0.0123 all:0.0116 these:0.0102 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8245 the:0.0811 a:0.0231 of:0.0164 and:0.0132 in:0.0100 to:0.0093 that:0.0085 his:0.0080 it:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.9021 not:0.0163 able:0.0150 made:0.0130 going:0.0111 unable:0.0110 compelled:0.0100 as:0.0073 allowed:0.0072 ready:0.0069 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7448 the:0.0715 of:0.0373 to:0.0323 a:0.0314 and:0.0275 in:0.0198 by:0.0132 that:0.0114 for:0.0108 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9307 and:0.0146 one:0.0104 to:0.0100 as:0.0088 that:0.0074 the:0.0053 it:0.0051 more:0.0040 is:0.0036 -:0.7862 to:0.0653 of:0.0498 and:0.0339 which:0.0160 the:0.0144 in:0.0104 will:0.0084 as:0.0083 was:0.0072 -:0.8156 and:0.0453 to:0.0319 the:0.0255 of:0.0195 is:0.0172 was:0.0158 in:0.0116 as:0.0088 a:0.0088 -:0.6744 the:0.1740 a:0.0514 and:0.0226 of:0.0178 tho:0.0161 his:0.0123 their:0.0105 this:0.0105 be:0.0104 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8890 and:0.0301 to:0.0144 of:0.0136 the:0.0130 is:0.0092 in:0.0084 was:0.0083 be:0.0077 he:0.0063 -of:0.1949 :0.4813 and:0.1042 to:0.0754 in:0.0285 that:0.0278 the:0.0270 for:0.0254 by:0.0187 as:0.0168 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7294 the:0.0901 a:0.0530 and:0.0395 to:0.0347 of:0.0187 or:0.0108 was:0.0090 be:0.0076 this:0.0071 -of:0.2886 :0.4831 and:0.0838 to:0.0411 in:0.0272 or:0.0239 for:0.0158 at:0.0127 by:0.0121 the:0.0115 -:0.6993 of:0.0616 to:0.0525 the:0.0523 and:0.0404 in:0.0303 that:0.0216 for:0.0161 not:0.0142 a:0.0116 -:0.7553 the:0.1020 to:0.0263 a:0.0248 and:0.0200 that:0.0190 it:0.0162 not:0.0147 in:0.0119 of:0.0099 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.8490 and:0.0410 of:0.0201 but:0.0169 to:0.0163 that:0.0152 out:0.0144 up:0.0101 as:0.0087 in:0.0082 -of:0.3055 :0.3853 in:0.0697 to:0.0661 for:0.0473 and:0.0314 from:0.0295 on:0.0285 with:0.0187 that:0.0180 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.9351 the:0.0202 order:0.0126 which:0.0060 said:0.0048 him:0.0047 it:0.0045 this:0.0044 a:0.0040 front:0.0037 -:0.6033 is:0.2090 was:0.0896 would:0.0160 as:0.0156 and:0.0149 will:0.0133 may:0.0130 are:0.0128 has:0.0126 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7063 of:0.1087 and:0.0630 to:0.0420 in:0.0274 for:0.0145 from:0.0101 that:0.0097 on:0.0092 or:0.0090 -:0.8653 the:0.0393 to:0.0195 and:0.0170 a:0.0165 be:0.0110 in:0.0093 is:0.0084 are:0.0069 was:0.0069 -:0.9361 the:0.0192 a:0.0095 be:0.0081 and:0.0064 an:0.0048 was:0.0044 is:0.0041 have:0.0038 he:0.0037 -the:0.5359 :0.2520 a:0.1043 said:0.0320 tho:0.0182 this:0.0152 their:0.0119 his:0.0118 our:0.0099 its:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7385 the:0.0560 to:0.0504 and:0.0400 a:0.0336 of:0.0333 in:0.0173 he:0.0136 is:0.0087 or:0.0086 -:0.9096 it:0.0260 they:0.0127 he:0.0118 which:0.0092 that:0.0080 man:0.0073 bonds:0.0058 as:0.0047 people:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8075 we:0.0463 as:0.0281 they:0.0245 there:0.0205 have:0.0172 which:0.0162 you:0.0151 that:0.0124 it:0.0124 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -the:0.4674 :0.3434 a:0.0689 tho:0.0299 his:0.0254 said:0.0174 this:0.0154 our:0.0123 their:0.0107 its:0.0093 -:0.7265 to:0.1002 the:0.0431 and:0.0313 a:0.0251 in:0.0250 of:0.0180 is:0.0105 for:0.0102 by:0.0100 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.9058 and:0.0289 that:0.0100 was:0.0090 is:0.0089 or:0.0084 of:0.0084 to:0.0083 one:0.0064 as:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7240 of:0.1074 and:0.0469 to:0.0251 in:0.0247 is:0.0168 the:0.0162 for:0.0152 from:0.0124 with:0.0113 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.6273 the:0.1307 a:0.1051 to:0.0360 and:0.0305 of:0.0261 his:0.0176 in:0.0092 for:0.0091 an:0.0084 -:0.8201 and:0.0613 is:0.0280 that:0.0250 of:0.0162 as:0.0125 which:0.0125 was:0.0087 but:0.0079 him:0.0078 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8575 the:0.0304 they:0.0238 we:0.0212 you:0.0130 which:0.0119 it:0.0117 will:0.0103 he:0.0103 to:0.0100 -be:0.3704 :0.3915 to:0.0824 not:0.0814 have:0.0376 bo:0.0172 do:0.0052 and:0.0049 also:0.0047 is:0.0046 -:0.7208 the:0.0633 to:0.0526 a:0.0361 of:0.0312 and:0.0302 in:0.0260 by:0.0141 for:0.0137 as:0.0120 -:0.8091 of:0.0528 and:0.0422 to:0.0295 for:0.0139 the:0.0138 in:0.0127 that:0.0096 was:0.0085 a:0.0080 -:0.9627 city:0.0070 same:0.0054 most:0.0040 right:0.0040 people:0.0035 north:0.0034 county:0.0034 state:0.0033 court:0.0033 -to:0.3008 :0.4981 will:0.0599 and:0.0328 would:0.0326 can:0.0176 shall:0.0159 must:0.0142 should:0.0141 may:0.0139 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7804 not:0.0934 to:0.0298 now:0.0215 so:0.0170 the:0.0151 a:0.0149 all:0.0106 and:0.0088 being:0.0084 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8436 of:0.0426 time:0.0326 in:0.0192 is:0.0142 year:0.0118 and:0.0103 that:0.0090 for:0.0083 morning:0.0082 -:0.8773 and:0.0317 a:0.0149 the:0.0145 had:0.0125 as:0.0113 that:0.0111 than:0.0100 or:0.0092 has:0.0075 -a:0.2929 the:0.2413 :0.3476 his:0.0350 their:0.0285 tho:0.0137 its:0.0119 her:0.0107 an:0.0094 this:0.0090 -:0.9496 large:0.0079 year:0.0073 long:0.0067 man:0.0057 hundred:0.0056 day:0.0055 good:0.0044 little:0.0037 matter:0.0035 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9426 have:0.0093 the:0.0093 be:0.0074 it:0.0062 to:0.0060 he:0.0060 in:0.0045 and:0.0044 had:0.0043 -:0.8429 and:0.0609 that:0.0195 to:0.0153 out:0.0114 made:0.0112 up:0.0108 him:0.0108 it:0.0088 are:0.0085 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8017 to:0.1007 and:0.0205 of:0.0132 have:0.0122 the:0.0120 will:0.0119 had:0.0095 would:0.0093 was:0.0090 diff --git a/dev-0/out-embed-500.tsv b/dev-0/out-embed-500.tsv deleted file mode 100644 index 6f10c16..0000000 --- a/dev-0/out-embed-500.tsv +++ /dev/null @@ -1,10519 +0,0 @@ -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9639 way:0.0072 right:0.0044 hands:0.0041 children:0.0039 life:0.0035 friends:0.0034 strength:0.0034 head:0.0032 home:0.0030 -:0.6654 the:0.2283 a:0.0270 this:0.0161 said:0.0159 tho:0.0153 his:0.0092 our:0.0083 tbe:0.0075 their:0.0070 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -a:0.3309 :0.4424 the:0.1354 his:0.0182 it:0.0135 one:0.0132 their:0.0132 this:0.0129 some:0.0107 her:0.0097 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -the:0.3523 :0.4650 his:0.0334 be:0.0303 tho:0.0292 this:0.0207 a:0.0206 their:0.0200 our:0.0171 its:0.0114 -:0.7864 much:0.0969 the:0.0344 a:0.0157 many:0.0144 and:0.0119 great:0.0112 in:0.0106 to:0.0104 little:0.0081 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -to:0.4995 :0.3827 we:0.0220 and:0.0192 will:0.0153 a:0.0152 they:0.0150 the:0.0142 would:0.0095 that:0.0074 -per:0.0032 the:0.0023 every:0.0016 his:0.0015 nper:0.0015 many:0.0013 several:0.0012 few:0.0010 a:0.0008 fiscal:0.0008 -:0.5695 to:0.1007 the:0.0976 that:0.0520 in:0.0470 and:0.0391 a:0.0300 of:0.0271 for:0.0255 by:0.0114 -:0.7020 as:0.1628 to:0.0378 and:0.0300 in:0.0163 known:0.0146 for:0.0124 the:0.0111 that:0.0073 by:0.0057 -:0.8336 in:0.0740 of:0.0175 on:0.0144 and:0.0143 at:0.0113 for:0.0098 by:0.0086 to:0.0084 from:0.0081 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8640 and:0.0545 is:0.0197 of:0.0142 was:0.0121 it:0.0117 as:0.0074 in:0.0074 are:0.0048 that:0.0044 -:0.7933 of:0.0580 and:0.0547 in:0.0178 to:0.0167 as:0.0136 the:0.0125 or:0.0125 at:0.0118 for:0.0091 -:0.8602 went:0.0315 put:0.0193 carried:0.0175 came:0.0158 set:0.0129 it:0.0119 pointed:0.0119 get:0.0104 go:0.0086 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8246 to:0.0684 and:0.0392 will:0.0188 the:0.0148 of:0.0076 not:0.0074 or:0.0074 would:0.0060 in:0.0059 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.5581 the:0.1926 a:0.1531 their:0.0191 in:0.0179 and:0.0138 to:0.0132 his:0.0109 tho:0.0109 for:0.0105 -a:0.0130 the:0.0068 not:0.0049 to:0.0049 this:0.0040 :0.9544 can:0.0036 our:0.0032 its:0.0028 an:0.0025 -:0.6615 the:0.1113 of:0.0968 and:0.0323 in:0.0275 to:0.0177 his:0.0174 a:0.0140 was:0.0108 tho:0.0106 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.7523 and:0.0663 of:0.0459 to:0.0452 in:0.0296 or:0.0200 for:0.0140 at:0.0117 the:0.0079 by:0.0072 -:0.8576 it:0.0304 and:0.0286 which:0.0165 who:0.0149 we:0.0137 he:0.0122 they:0.0092 that:0.0090 you:0.0080 -:0.8224 and:0.0281 to:0.0272 in:0.0261 by:0.0200 of:0.0181 for:0.0169 the:0.0165 that:0.0136 a:0.0112 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.9446 more:0.0097 other:0.0095 two:0.0087 three:0.0070 less:0.0069 four:0.0037 hundred:0.0037 otherwise:0.0034 years:0.0029 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9134 feet:0.0372 and:0.0221 at:0.0068 in:0.0055 street:0.0040 by:0.0038 t:0.0026 more:0.0026 man:0.0021 -:0.8620 and:0.0364 to:0.0241 the:0.0158 that:0.0140 of:0.0117 will:0.0115 would:0.0092 was:0.0079 in:0.0074 -:0.6828 the:0.1036 to:0.0558 in:0.0350 by:0.0308 of:0.0276 a:0.0248 that:0.0151 and:0.0122 with:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2561 :0.3799 the:0.1268 and:0.0939 or:0.0426 a:0.0290 for:0.0250 his:0.0217 in:0.0147 no:0.0103 -:0.5095 to:0.2543 of:0.1016 in:0.0459 and:0.0277 the:0.0164 on:0.0130 for:0.0129 by:0.0096 with:0.0093 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8165 was:0.0464 had:0.0414 has:0.0195 is:0.0178 the:0.0159 of:0.0128 would:0.0109 will:0.0104 in:0.0084 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5710 in:0.0897 to:0.0816 that:0.0427 of:0.0425 from:0.0391 for:0.0379 with:0.0326 on:0.0322 at:0.0307 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6698 the:0.1204 to:0.0963 a:0.0285 and:0.0196 of:0.0152 in:0.0143 that:0.0131 for:0.0130 his:0.0097 -:0.9399 deal:0.0163 and:0.0117 action:0.0073 it:0.0059 many:0.0044 work:0.0042 men:0.0037 man:0.0035 who:0.0031 -:0.7456 the:0.0608 and:0.0345 a:0.0335 of:0.0328 that:0.0231 in:0.0211 to:0.0200 on:0.0168 from:0.0119 -:0.9446 and:0.0111 one:0.0099 that:0.0098 out:0.0069 of:0.0043 part:0.0037 line:0.0035 all:0.0031 side:0.0031 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -of:0.4984 :0.2861 in:0.0514 and:0.0365 to:0.0267 for:0.0246 on:0.0237 at:0.0227 from:0.0154 that:0.0144 -:0.7857 the:0.0649 a:0.0316 to:0.0314 and:0.0208 in:0.0174 that:0.0149 him:0.0126 for:0.0119 by:0.0088 -:0.7004 the:0.0967 a:0.0776 of:0.0573 to:0.0162 and:0.0150 in:0.0126 or:0.0084 with:0.0081 his:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6947 is:0.1391 seems:0.0416 was:0.0325 seemed:0.0305 began:0.0145 as:0.0133 came:0.0127 went:0.0115 ought:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4830 :0.3551 tho:0.0379 a:0.0303 his:0.0255 this:0.0234 our:0.0151 said:0.0133 such:0.0083 these:0.0081 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9106 and:0.0493 but:0.0074 that:0.0073 or:0.0056 time:0.0049 day:0.0043 years:0.0039 days:0.0036 which:0.0033 -:0.8129 of:0.0944 and:0.0463 in:0.0148 or:0.0083 that:0.0057 the:0.0056 at:0.0040 are:0.0040 on:0.0039 -:0.7052 the:0.0954 a:0.0876 his:0.0264 to:0.0234 and:0.0181 in:0.0170 their:0.0109 on:0.0081 of:0.0079 -:0.8894 little:0.0290 great:0.0178 good:0.0147 large:0.0139 certain:0.0093 very:0.0085 long:0.0067 few:0.0055 small:0.0052 -:0.8862 way:0.0194 return:0.0180 duty:0.0144 feet:0.0137 power:0.0107 efforts:0.0104 desire:0.0095 order:0.0090 right:0.0089 -:0.9037 husband:0.0238 home:0.0194 wife:0.0100 father:0.0088 life:0.0078 head:0.0077 children:0.0064 friends:0.0062 heart:0.0062 -:0.9580 people:0.0084 law:0.0054 matter:0.0044 work:0.0043 same:0.0042 world:0.0040 men:0.0039 government:0.0037 country:0.0036 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8540 as:0.0548 and:0.0479 more:0.0116 but:0.0088 or:0.0056 is:0.0053 was:0.0043 not:0.0043 man:0.0034 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.8833 that:0.0306 he:0.0204 it:0.0124 and:0.0112 is:0.0107 now:0.0087 have:0.0077 has:0.0076 was:0.0074 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.6669 the:0.1000 a:0.0513 to:0.0422 and:0.0340 of:0.0265 that:0.0253 in:0.0240 it:0.0152 his:0.0145 -:0.9537 city:0.0066 same:0.0064 year:0.0057 two:0.0056 law:0.0049 world:0.0046 county:0.0044 time:0.0043 people:0.0038 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -the:0.8768 :0.0535 tho:0.0224 a:0.0115 his:0.0110 this:0.0061 tbe:0.0059 its:0.0048 their:0.0046 our:0.0035 -:0.6612 to:0.1290 and:0.1029 the:0.0409 will:0.0154 of:0.0132 or:0.0122 for:0.0092 in:0.0082 not:0.0078 -:0.6367 the:0.1624 of:0.0408 to:0.0363 a:0.0339 and:0.0231 for:0.0214 that:0.0176 it:0.0143 in:0.0136 -:0.6327 a:0.1636 the:0.1084 to:0.0204 that:0.0202 this:0.0148 and:0.0116 tho:0.0102 it:0.0096 his:0.0085 -:0.5838 to:0.1070 and:0.0884 has:0.0612 have:0.0397 will:0.0366 had:0.0303 would:0.0269 could:0.0134 should:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7022 of:0.1258 and:0.0356 to:0.0288 in:0.0285 for:0.0242 with:0.0182 the:0.0151 on:0.0119 by:0.0098 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.6413 in:0.0774 with:0.0638 to:0.0394 that:0.0385 and:0.0347 of:0.0346 at:0.0286 for:0.0216 from:0.0200 -:0.6941 to:0.1202 we:0.0463 not:0.0372 you:0.0249 and:0.0241 they:0.0162 who:0.0149 will:0.0138 he:0.0082 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.9293 there:0.0199 they:0.0113 done:0.0087 we:0.0067 that:0.0063 made:0.0054 you:0.0046 as:0.0040 and:0.0038 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.5528 the:0.2567 and:0.0628 a:0.0479 of:0.0369 that:0.0106 tho:0.0104 his:0.0086 or:0.0072 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.5040 :0.2747 a:0.0945 his:0.0293 their:0.0275 tho:0.0172 our:0.0155 for:0.0141 to:0.0136 tbe:0.0097 -:0.5488 of:0.3210 and:0.0453 in:0.0208 the:0.0151 with:0.0150 to:0.0105 or:0.0090 on:0.0080 is:0.0065 -:0.8458 together:0.0405 and:0.0392 up:0.0190 down:0.0129 out:0.0099 it:0.0097 away:0.0087 years:0.0076 him:0.0069 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.8103 a:0.0425 the:0.0382 to:0.0282 in:0.0206 one:0.0195 and:0.0148 of:0.0113 that:0.0079 by:0.0067 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8429 and:0.0328 was:0.0326 is:0.0282 be:0.0191 are:0.0114 he:0.0113 were:0.0077 who:0.0076 as:0.0064 -:0.8664 all:0.0341 which:0.0241 that:0.0225 in:0.0127 by:0.0121 and:0.0088 the:0.0086 of:0.0054 him:0.0053 -:0.5594 to:0.1947 in:0.0710 and:0.0391 from:0.0314 by:0.0280 at:0.0204 up:0.0197 out:0.0187 with:0.0176 -the:0.6442 a:0.1190 :0.1457 tho:0.0219 his:0.0178 this:0.0167 tbe:0.0123 their:0.0105 our:0.0060 said:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8554 it:0.0566 as:0.0238 not:0.0118 is:0.0113 nothing:0.0099 able:0.0088 there:0.0077 how:0.0073 have:0.0073 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6610 of:0.1234 and:0.0460 for:0.0423 in:0.0346 by:0.0298 or:0.0209 young:0.0175 the:0.0133 few:0.0111 -:0.6664 have:0.1578 be:0.0811 the:0.0219 do:0.0176 to:0.0152 you:0.0121 bo:0.0097 take:0.0092 which:0.0091 -:0.9153 chance:0.0124 desire:0.0119 little:0.0098 time:0.0097 visit:0.0092 right:0.0091 letter:0.0083 bill:0.0079 fair:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8955 side:0.0226 line:0.0214 part:0.0197 parts:0.0094 day:0.0081 amount:0.0070 one:0.0056 portion:0.0056 number:0.0050 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9234 wife:0.0109 hand:0.0099 home:0.0095 hands:0.0093 way:0.0083 life:0.0079 seat:0.0076 work:0.0073 death:0.0059 -:0.8441 and:0.0336 as:0.0214 it:0.0210 of:0.0150 is:0.0149 up:0.0148 that:0.0133 from:0.0126 according:0.0093 -:0.6815 and:0.0932 is:0.0651 was:0.0530 are:0.0283 has:0.0260 will:0.0204 were:0.0128 have:0.0101 but:0.0097 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6895 of:0.0949 and:0.0616 was:0.0317 is:0.0307 in:0.0210 to:0.0185 will:0.0182 has:0.0174 had:0.0164 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6616 the:0.1174 be:0.0582 his:0.0434 have:0.0257 take:0.0244 this:0.0196 a:0.0194 her:0.0166 their:0.0138 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.7167 years:0.0669 of:0.0477 days:0.0410 months:0.0288 miles:0.0233 or:0.0226 hundred:0.0193 weeks:0.0169 and:0.0168 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -the:0.5416 :0.2538 his:0.0451 a:0.0414 this:0.0274 their:0.0234 tho:0.0219 its:0.0181 her:0.0143 an:0.0131 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7643 the:0.1241 of:0.0343 a:0.0200 and:0.0182 this:0.0096 his:0.0079 or:0.0077 to:0.0072 that:0.0066 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.7833 and:0.0723 to:0.0453 of:0.0251 the:0.0221 in:0.0190 by:0.0095 or:0.0094 from:0.0086 at:0.0054 -:0.7084 is:0.1570 was:0.0393 soon:0.0215 and:0.0183 far:0.0151 well:0.0146 known:0.0094 not:0.0085 just:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -was:0.1378 :0.3960 is:0.1030 be:0.0777 are:0.0585 has:0.0541 have:0.0510 had:0.0422 and:0.0408 were:0.0388 -the:0.3095 :0.5248 a:0.0368 which:0.0208 his:0.0204 tho:0.0202 him:0.0175 them:0.0172 this:0.0166 it:0.0161 -:0.7464 the:0.1220 and:0.0419 a:0.0314 of:0.0170 his:0.0130 in:0.0080 to:0.0076 or:0.0072 is:0.0056 -:0.7667 of:0.0448 to:0.0441 the:0.0306 and:0.0269 that:0.0268 a:0.0187 in:0.0173 for:0.0137 on:0.0104 -the:0.5282 :0.2830 any:0.0532 a:0.0285 this:0.0262 tbe:0.0188 tho:0.0168 our:0.0167 no:0.0144 his:0.0143 -:0.7870 and:0.0629 of:0.0594 the:0.0192 to:0.0175 is:0.0136 a:0.0132 in:0.0094 that:0.0090 for:0.0089 -:0.8488 hour:0.0489 act:0.0189 increase:0.0175 amount:0.0157 order:0.0127 action:0.0122 example:0.0091 average:0.0083 explanation:0.0081 -:0.5578 the:0.1823 a:0.0655 any:0.0590 and:0.0406 of:0.0320 this:0.0183 no:0.0165 his:0.0157 every:0.0122 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.6641 was:0.0799 is:0.0684 and:0.0679 of:0.0353 are:0.0282 were:0.0168 or:0.0143 has:0.0126 in:0.0126 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9636 and:0.0093 in:0.0042 home:0.0038 way:0.0037 the:0.0036 feet:0.0033 time:0.0029 days:0.0029 a:0.0028 -:0.7935 favor:0.0664 order:0.0280 spite:0.0245 one:0.0232 all:0.0133 front:0.0129 some:0.0129 behalf:0.0127 any:0.0125 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.7039 to:0.0918 of:0.0522 and:0.0437 in:0.0272 the:0.0189 for:0.0186 a:0.0174 at:0.0152 or:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -that:0.2816 it:0.1998 :0.2747 he:0.0802 they:0.0542 there:0.0294 we:0.0260 you:0.0200 she:0.0193 which:0.0149 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8082 south:0.0432 one:0.0309 the:0.0263 north:0.0249 other:0.0185 west:0.0163 east:0.0126 many:0.0101 three:0.0090 -:0.8390 day:0.0590 side:0.0300 part:0.0138 line:0.0126 quarter:0.0098 hundred:0.0096 class:0.0090 one:0.0087 kind:0.0086 -:0.6926 the:0.1200 a:0.0675 to:0.0290 of:0.0196 for:0.0188 in:0.0180 with:0.0142 at:0.0104 by:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7993 and:0.0429 he:0.0393 the:0.0385 was:0.0198 be:0.0170 is:0.0132 of:0.0106 we:0.0101 have:0.0094 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.5460 :0.3281 in:0.0309 and:0.0278 the:0.0150 with:0.0128 by:0.0110 for:0.0106 or:0.0093 to:0.0085 -:0.9009 and:0.0372 feet:0.0235 of:0.0063 street:0.0062 at:0.0061 by:0.0055 as:0.0051 in:0.0050 was:0.0042 -of:0.2824 :0.4148 in:0.1029 and:0.0676 for:0.0337 on:0.0309 that:0.0241 at:0.0224 with:0.0110 is:0.0104 -:0.7282 that:0.0655 and:0.0617 as:0.0356 which:0.0355 but:0.0229 if:0.0179 when:0.0160 what:0.0089 where:0.0079 -:0.8042 the:0.0877 a:0.0249 and:0.0209 this:0.0164 to:0.0105 that:0.0103 one:0.0099 of:0.0080 in:0.0072 -:0.7935 favor:0.0664 order:0.0280 spite:0.0245 one:0.0232 all:0.0133 front:0.0129 some:0.0129 behalf:0.0127 any:0.0125 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -the:0.3367 :0.4466 a:0.0790 his:0.0437 this:0.0230 tho:0.0226 any:0.0206 public:0.0099 their:0.0092 first:0.0087 -:0.6473 the:0.0806 two:0.0572 many:0.0567 three:0.0417 several:0.0337 four:0.0218 some:0.0208 ten:0.0203 five:0.0199 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7512 who:0.1351 of:0.0590 the:0.0107 and:0.0106 in:0.0099 that:0.0073 or:0.0056 a:0.0054 to:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8593 the:0.0301 of:0.0252 and:0.0197 that:0.0166 to:0.0120 in:0.0118 a:0.0108 by:0.0078 as:0.0068 -:0.8122 and:0.0498 that:0.0490 which:0.0219 if:0.0157 when:0.0146 but:0.0136 where:0.0086 as:0.0081 will:0.0066 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7625 be:0.0676 have:0.0651 not:0.0225 take:0.0186 make:0.0184 find:0.0124 get:0.0114 receive:0.0109 pay:0.0106 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9190 it:0.0170 that:0.0124 the:0.0120 was:0.0106 then:0.0075 a:0.0065 to:0.0055 he:0.0049 is:0.0047 -:0.9709 the:0.0057 will:0.0053 to:0.0041 his:0.0027 a:0.0026 would:0.0024 this:0.0022 should:0.0021 may:0.0021 -:0.6528 the:0.1344 other:0.0731 two:0.0340 any:0.0327 a:0.0172 no:0.0157 three:0.0138 this:0.0135 tho:0.0128 -:0.6411 or:0.0844 and:0.0491 for:0.0487 of:0.0452 the:0.0430 in:0.0306 with:0.0282 to:0.0149 about:0.0147 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -they:0.3409 we:0.2045 :0.3560 you:0.0330 there:0.0253 it:0.0149 wo:0.0085 he:0.0071 well:0.0050 she:0.0046 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.3026 :0.5137 have:0.0649 bo:0.0388 not:0.0214 take:0.0140 he:0.0137 the:0.0126 do:0.0106 find:0.0077 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8384 it:0.0532 he:0.0302 and:0.0224 who:0.0154 that:0.0138 which:0.0086 we:0.0082 there:0.0050 not:0.0049 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.9229 and:0.0229 went:0.0138 came:0.0086 it:0.0082 was:0.0060 taken:0.0049 is:0.0043 in:0.0043 him:0.0042 -:0.9572 it:0.0101 and:0.0079 that:0.0050 out:0.0050 he:0.0045 was:0.0034 made:0.0025 him:0.0022 one:0.0022 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6718 of:0.0702 and:0.0642 to:0.0586 in:0.0343 from:0.0314 by:0.0224 with:0.0215 for:0.0128 as:0.0127 -:0.7677 and:0.0581 is:0.0379 was:0.0360 of:0.0286 be:0.0168 in:0.0166 that:0.0136 have:0.0123 the:0.0123 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.8875 great:0.0254 most:0.0158 highest:0.0142 public:0.0124 same:0.0110 present:0.0093 first:0.0082 very:0.0081 following:0.0081 -:0.6804 of:0.1287 and:0.0598 in:0.0348 the:0.0204 to:0.0183 for:0.0166 that:0.0154 as:0.0130 from:0.0126 -of:0.2453 in:0.1757 :0.3158 for:0.0561 from:0.0484 on:0.0436 and:0.0408 to:0.0372 by:0.0205 at:0.0165 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9685 above:0.0074 time:0.0050 of:0.0038 world:0.0036 past:0.0029 following:0.0025 left:0.0023 place:0.0021 in:0.0019 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.5385 the:0.2822 at:0.0597 and:0.0412 of:0.0171 to:0.0158 a:0.0152 was:0.0132 tho:0.0093 his:0.0079 -has:0.2537 :0.3347 have:0.1902 had:0.1567 having:0.0239 not:0.0125 lias:0.0110 bad:0.0065 ha:0.0056 havo:0.0052 -:0.6674 the:0.1446 other:0.0491 a:0.0382 his:0.0200 in:0.0190 two:0.0169 tho:0.0163 three:0.0145 any:0.0140 -:0.9001 order:0.0212 way:0.0181 efforts:0.0104 duty:0.0103 attention:0.0094 intention:0.0089 power:0.0079 effort:0.0076 attempt:0.0064 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -:0.8159 in:0.0369 with:0.0249 as:0.0247 by:0.0200 that:0.0173 was:0.0169 for:0.0157 is:0.0155 at:0.0123 -:0.5861 of:0.1590 and:0.0729 to:0.0408 in:0.0357 that:0.0321 the:0.0276 or:0.0221 for:0.0155 on:0.0082 -:0.8058 the:0.0660 a:0.0475 his:0.0174 her:0.0158 this:0.0131 and:0.0095 he:0.0089 not:0.0082 tho:0.0079 -:0.7820 estate:0.1525 and:0.0254 of:0.0110 the:0.0073 property:0.0063 or:0.0059 that:0.0038 right:0.0030 was:0.0028 -:0.8045 the:0.0703 a:0.0384 in:0.0256 and:0.0176 of:0.0138 such:0.0090 with:0.0081 by:0.0063 that:0.0062 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.9543 one:0.0087 part:0.0065 line:0.0055 out:0.0047 that:0.0045 use:0.0041 half:0.0041 number:0.0038 all:0.0038 -:0.9213 they:0.0194 it:0.0118 he:0.0095 we:0.0093 and:0.0077 men:0.0063 there:0.0061 which:0.0048 time:0.0039 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6179 is:0.0900 has:0.0656 was:0.0566 and:0.0515 are:0.0268 not:0.0262 have:0.0253 had:0.0244 were:0.0157 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8813 and:0.0292 not:0.0162 that:0.0137 of:0.0137 was:0.0121 is:0.0093 as:0.0085 the:0.0085 it:0.0076 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6697 the:0.0689 in:0.0635 that:0.0586 a:0.0426 to:0.0395 it:0.0190 and:0.0145 by:0.0121 on:0.0116 -:0.7541 side:0.1005 line:0.0711 feet:0.0227 out:0.0109 part:0.0098 number:0.0088 corner:0.0086 quarter:0.0072 half:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -application:0.0004 gall:0.0004 fallen:0.0003 lookout:0.0003 stairway:0.0003 estate:0.0003 arrangements:0.0003 negligence:0.0003 come:0.0003 sympathy:0.0003 -:0.7003 the:0.0975 that:0.0392 and:0.0338 to:0.0337 a:0.0259 with:0.0203 in:0.0203 it:0.0145 by:0.0145 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7754 to:0.0580 and:0.0548 was:0.0343 is:0.0178 a:0.0145 be:0.0144 has:0.0129 not:0.0090 or:0.0089 -:0.8944 and:0.0502 or:0.0112 was:0.0103 is:0.0073 that:0.0067 are:0.0066 but:0.0057 were:0.0046 which:0.0031 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8335 the:0.0428 of:0.0406 and:0.0342 in:0.0102 to:0.0099 a:0.0088 with:0.0078 that:0.0068 or:0.0054 -:0.7464 and:0.0578 of:0.0485 to:0.0474 the:0.0253 in:0.0178 a:0.0146 on:0.0144 for:0.0140 that:0.0138 -:0.6020 of:0.1450 the:0.0994 and:0.0509 to:0.0232 in:0.0221 a:0.0209 or:0.0177 for:0.0094 his:0.0093 -:0.7912 to:0.0557 and:0.0392 will:0.0349 that:0.0279 may:0.0127 would:0.0114 as:0.0093 of:0.0090 shall:0.0087 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6348 of:0.1359 in:0.0469 for:0.0323 to:0.0309 on:0.0301 with:0.0287 and:0.0271 by:0.0175 at:0.0158 -:0.8919 of:0.0382 and:0.0276 or:0.0110 that:0.0080 the:0.0064 as:0.0044 to:0.0043 is:0.0042 who:0.0039 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.5068 to:0.1500 of:0.1410 and:0.0726 for:0.0432 in:0.0358 the:0.0182 with:0.0110 at:0.0108 from:0.0106 -:0.5185 the:0.3072 his:0.0546 a:0.0221 our:0.0201 tho:0.0185 their:0.0166 its:0.0148 her:0.0147 this:0.0130 -:0.6801 in:0.1495 to:0.0475 at:0.0295 on:0.0278 all:0.0160 for:0.0155 of:0.0133 by:0.0105 that:0.0104 -:0.8253 was:0.0378 and:0.0280 are:0.0213 had:0.0180 is:0.0173 has:0.0172 he:0.0142 were:0.0123 the:0.0088 -:0.6191 a:0.1453 the:0.1216 with:0.0331 this:0.0181 of:0.0149 in:0.0135 by:0.0125 as:0.0114 and:0.0106 -:0.9296 first:0.0102 same:0.0101 best:0.0100 great:0.0091 whole:0.0077 public:0.0075 following:0.0058 young:0.0051 most:0.0049 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8132 great:0.0386 good:0.0290 large:0.0248 very:0.0241 little:0.0199 few:0.0153 certain:0.0136 most:0.0111 new:0.0106 -:0.8087 day:0.0521 year:0.0368 time:0.0349 it:0.0150 and:0.0150 morning:0.0101 he:0.0094 man:0.0092 case:0.0088 -:0.4822 to:0.2985 will:0.0872 would:0.0369 and:0.0325 should:0.0153 could:0.0131 can:0.0128 shall:0.0112 may:0.0102 -:0.8175 the:0.0837 a:0.0319 by:0.0116 that:0.0116 and:0.0106 his:0.0097 tho:0.0088 said:0.0075 in:0.0070 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -the:0.5656 :0.2947 his:0.0291 be:0.0278 tho:0.0264 a:0.0140 our:0.0119 their:0.0116 tbe:0.0101 its:0.0088 -in:0.1450 :0.4282 of:0.0798 that:0.0730 for:0.0718 with:0.0515 to:0.0438 as:0.0404 on:0.0360 and:0.0305 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8137 and:0.0880 to:0.0200 but:0.0169 are:0.0159 out:0.0115 down:0.0105 up:0.0083 was:0.0080 were:0.0072 -:0.5215 to:0.2650 will:0.0785 would:0.0347 and:0.0296 we:0.0229 should:0.0137 must:0.0121 could:0.0110 may:0.0109 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5266 that:0.2512 the:0.0985 it:0.0290 a:0.0271 in:0.0197 he:0.0194 to:0.0142 and:0.0072 as:0.0071 -:0.8841 him:0.0237 them:0.0161 day:0.0137 it:0.0136 or:0.0108 time:0.0106 page:0.0102 account:0.0098 to:0.0075 -:0.6360 to:0.1762 the:0.0402 and:0.0320 that:0.0305 in:0.0258 a:0.0181 of:0.0147 for:0.0137 by:0.0129 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -the:0.4442 :0.3383 a:0.0516 their:0.0484 his:0.0263 tho:0.0218 its:0.0189 an:0.0175 this:0.0174 any:0.0155 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5742 the:0.2478 of:0.0440 in:0.0334 and:0.0199 to:0.0197 his:0.0190 an:0.0178 a:0.0133 tho:0.0110 -of:0.3570 :0.2973 that:0.0973 in:0.0790 for:0.0473 on:0.0412 and:0.0224 from:0.0214 with:0.0198 to:0.0173 -:0.6828 the:0.1036 to:0.0558 in:0.0350 by:0.0308 of:0.0276 a:0.0248 that:0.0151 and:0.0122 with:0.0122 -to:0.3149 :0.4784 we:0.0537 and:0.0487 will:0.0398 would:0.0196 not:0.0130 they:0.0125 may:0.0097 should:0.0096 -:0.6447 was:0.0869 be:0.0727 is:0.0559 and:0.0337 been:0.0252 he:0.0228 were:0.0218 has:0.0200 have:0.0163 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8758 and:0.0338 of:0.0299 the:0.0170 from:0.0111 in:0.0101 or:0.0067 on:0.0064 as:0.0046 at:0.0046 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8692 not:0.0327 now:0.0265 a:0.0132 that:0.0123 to:0.0115 it:0.0102 one:0.0086 the:0.0084 so:0.0073 -:0.8435 of:0.0450 and:0.0298 to:0.0241 the:0.0195 for:0.0101 in:0.0095 from:0.0064 on:0.0062 that:0.0059 -:0.6420 cent:0.2254 annum:0.0382 acre:0.0354 ton:0.0205 day:0.0114 month:0.0089 centum:0.0062 year:0.0062 hundred:0.0058 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8938 now:0.0190 charged:0.0182 filled:0.0145 covered:0.0112 connected:0.0098 satisfied:0.0094 not:0.0083 pleased:0.0080 provided:0.0077 -:0.7116 of:0.1198 and:0.0535 in:0.0232 that:0.0187 by:0.0173 to:0.0158 the:0.0153 for:0.0131 was:0.0118 -the:0.2370 :0.4846 a:0.1530 his:0.0345 our:0.0186 its:0.0179 their:0.0150 no:0.0140 all:0.0128 tho:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5677 that:0.2101 to:0.0645 as:0.0460 and:0.0336 but:0.0271 when:0.0144 if:0.0143 before:0.0141 until:0.0082 -:0.7302 of:0.0600 at:0.0372 in:0.0336 and:0.0306 to:0.0293 on:0.0202 time:0.0201 for:0.0198 from:0.0190 -:0.8693 much:0.0529 many:0.0244 one:0.0159 full:0.0089 little:0.0082 part:0.0068 close:0.0049 few:0.0049 line:0.0039 -:0.7625 be:0.0676 have:0.0651 not:0.0225 take:0.0186 make:0.0184 find:0.0124 get:0.0114 receive:0.0109 pay:0.0106 -:0.7570 the:0.0514 to:0.0477 and:0.0357 that:0.0266 a:0.0259 in:0.0175 of:0.0158 by:0.0120 as:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6585 of:0.1167 in:0.0640 and:0.0384 to:0.0353 for:0.0235 on:0.0181 with:0.0180 by:0.0147 at:0.0129 -the:0.0113 no:0.0081 tho:0.0067 a:0.0059 their:0.0059 our:0.0048 of:0.0045 his:0.0044 its:0.0042 every:0.0039 -a:0.3010 :0.3707 so:0.1133 not:0.0760 very:0.0594 the:0.0307 too:0.0202 as:0.0121 no:0.0102 his:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.6419 was:0.0996 is:0.0840 are:0.0445 and:0.0397 be:0.0242 were:0.0218 had:0.0166 has:0.0142 have:0.0134 -:0.8878 not:0.0355 now:0.0243 held:0.0129 only:0.0083 made:0.0071 done:0.0064 still:0.0060 also:0.0058 estimated:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6034 are:0.2185 were:0.0969 have:0.0244 will:0.0107 in:0.0105 had:0.0094 all:0.0089 a:0.0088 get:0.0084 -:0.9313 the:0.0159 and:0.0106 a:0.0082 be:0.0066 was:0.0065 of:0.0065 is:0.0055 his:0.0047 were:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.8779 part:0.0319 side:0.0180 line:0.0178 number:0.0123 out:0.0108 one:0.0092 day:0.0083 and:0.0079 kind:0.0058 -:0.7806 and:0.0665 be:0.0344 was:0.0241 is:0.0230 has:0.0217 have:0.0161 had:0.0133 were:0.0106 he:0.0097 -the:0.3344 :0.5350 a:0.0301 him:0.0183 it:0.0157 this:0.0154 tho:0.0151 you:0.0129 his:0.0116 them:0.0115 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8693 much:0.0291 little:0.0290 large:0.0164 good:0.0131 well:0.0113 great:0.0093 and:0.0075 small:0.0075 a:0.0075 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8126 and:0.0798 of:0.0262 or:0.0171 in:0.0143 but:0.0141 is:0.0126 made:0.0083 for:0.0083 owned:0.0067 -to:0.3918 :0.3642 will:0.1012 and:0.0374 shall:0.0234 should:0.0218 would:0.0177 may:0.0152 must:0.0148 can:0.0126 -:0.9151 went:0.0231 and:0.0114 it:0.0093 him:0.0088 out:0.0077 came:0.0075 go:0.0060 up:0.0059 them:0.0053 -:0.6810 or:0.1181 of:0.0352 and:0.0320 the:0.0298 not:0.0280 in:0.0275 for:0.0168 that:0.0161 a:0.0154 -:0.9270 and:0.0184 of:0.0125 the:0.0101 more:0.0100 to:0.0061 in:0.0047 as:0.0043 or:0.0041 that:0.0027 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -that:0.2435 :0.5786 which:0.0467 and:0.0305 as:0.0298 when:0.0212 if:0.0154 what:0.0135 but:0.0122 because:0.0087 -:0.9709 the:0.0057 will:0.0053 to:0.0041 his:0.0027 a:0.0026 would:0.0024 this:0.0022 should:0.0021 may:0.0021 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8879 mind:0.0282 opinion:0.0217 way:0.0147 life:0.0114 fact:0.0091 hand:0.0076 belief:0.0072 order:0.0066 wife:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9076 it:0.0159 charged:0.0142 together:0.0107 and:0.0098 met:0.0091 down:0.0087 filled:0.0085 compared:0.0084 up:0.0071 -:0.8694 of:0.0403 and:0.0400 to:0.0099 or:0.0077 the:0.0074 is:0.0071 for:0.0067 was:0.0063 in:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4210 :0.4533 and:0.0510 in:0.0208 to:0.0139 the:0.0090 is:0.0089 or:0.0081 ot:0.0074 on:0.0067 -of:0.3655 :0.4559 and:0.0451 to:0.0384 the:0.0298 in:0.0186 that:0.0150 for:0.0139 which:0.0093 as:0.0085 -:0.8450 failed:0.0297 come:0.0231 made:0.0203 been:0.0185 able:0.0158 tried:0.0131 gone:0.0128 endeavored:0.0116 not:0.0100 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8520 and:0.0458 the:0.0245 to:0.0244 of:0.0126 in:0.0099 was:0.0096 a:0.0078 this:0.0067 that:0.0067 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.9578 and:0.0172 one:0.0038 or:0.0036 that:0.0035 was:0.0033 out:0.0032 it:0.0032 is:0.0022 day:0.0021 -the:0.4404 :0.4147 of:0.0404 a:0.0388 tho:0.0151 in:0.0148 and:0.0110 an:0.0089 no:0.0083 his:0.0077 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.7353 was:0.0565 is:0.0483 and:0.0373 has:0.0357 had:0.0281 have:0.0219 are:0.0144 be:0.0141 were:0.0086 -:0.7834 of:0.0673 and:0.0464 to:0.0280 in:0.0266 that:0.0104 or:0.0104 was:0.0097 are:0.0095 is:0.0083 -:0.6401 of:0.1686 and:0.0476 the:0.0431 to:0.0318 in:0.0204 or:0.0151 a:0.0131 that:0.0116 from:0.0086 -of:0.3523 :0.3880 to:0.0685 and:0.0517 on:0.0311 at:0.0241 in:0.0241 for:0.0241 from:0.0182 with:0.0181 -:0.7684 years:0.0428 days:0.0413 dollars:0.0295 months:0.0279 times:0.0277 miles:0.0244 feet:0.0138 hours:0.0129 men:0.0114 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.8998 not:0.0483 be:0.0195 do:0.0056 get:0.0053 see:0.0051 find:0.0047 come:0.0042 only:0.0042 stand:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 the:0.0487 that:0.0240 a:0.0213 of:0.0179 as:0.0139 it:0.0128 in:0.0118 and:0.0088 which:0.0068 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.5427 in:0.0907 by:0.0574 for:0.0568 as:0.0534 to:0.0526 with:0.0460 of:0.0405 on:0.0326 at:0.0272 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6557 out:0.0753 down:0.0700 up:0.0549 him:0.0390 them:0.0268 it:0.0235 off:0.0221 and:0.0184 that:0.0142 -:0.7085 the:0.1606 a:0.0365 this:0.0165 it:0.0159 he:0.0158 such:0.0156 any:0.0113 his:0.0104 in:0.0090 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.5494 is:0.1519 was:0.0887 in:0.0450 to:0.0390 for:0.0335 with:0.0321 and:0.0243 at:0.0190 by:0.0170 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6205 of:0.1910 and:0.0908 in:0.0214 the:0.0188 to:0.0180 with:0.0124 for:0.0099 by:0.0091 or:0.0081 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -the:0.3901 :0.4606 a:0.0833 and:0.0128 this:0.0126 of:0.0109 tho:0.0105 his:0.0076 an:0.0062 our:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7021 was:0.0653 and:0.0632 is:0.0450 be:0.0277 as:0.0252 being:0.0195 he:0.0192 are:0.0184 in:0.0143 -of:0.7310 :0.1278 in:0.0291 to:0.0276 for:0.0270 on:0.0126 that:0.0122 ot:0.0121 and:0.0115 from:0.0091 -:0.8504 and:0.0413 to:0.0327 of:0.0150 not:0.0142 was:0.0137 will:0.0095 have:0.0078 the:0.0078 is:0.0075 -:0.7540 the:0.0847 of:0.0788 and:0.0280 in:0.0141 a:0.0102 which:0.0095 this:0.0076 his:0.0066 is:0.0064 -:0.9474 street:0.0078 same:0.0077 people:0.0071 country:0.0062 right:0.0057 city:0.0054 world:0.0045 feet:0.0042 law:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6384 not:0.1589 be:0.1219 have:0.0228 bo:0.0130 he:0.0109 the:0.0106 do:0.0099 get:0.0071 see:0.0065 -:0.5952 of:0.1432 in:0.0678 on:0.0388 to:0.0317 and:0.0308 from:0.0302 for:0.0262 by:0.0205 with:0.0156 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7869 the:0.0564 a:0.0355 of:0.0281 that:0.0264 and:0.0183 in:0.0175 by:0.0145 it:0.0095 his:0.0068 -:0.7096 the:0.1091 he:0.0378 a:0.0365 is:0.0357 they:0.0195 was:0.0186 it:0.0145 we:0.0124 tho:0.0062 -:0.8929 and:0.0368 of:0.0183 in:0.0109 the:0.0096 to:0.0091 as:0.0075 or:0.0058 that:0.0048 is:0.0044 -will:0.3237 may:0.1395 should:0.0937 would:0.0877 can:0.0828 must:0.0544 shall:0.0512 could:0.0503 :0.0907 cannot:0.0261 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.5514 the:0.1892 a:0.1661 his:0.0260 their:0.0206 any:0.0103 its:0.0094 her:0.0093 this:0.0090 an:0.0089 -:0.4509 would:0.2026 will:0.0759 could:0.0491 we:0.0462 should:0.0447 may:0.0404 might:0.0378 shall:0.0282 must:0.0243 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.5994 the:0.1348 of:0.0911 he:0.0354 it:0.0331 a:0.0289 that:0.0229 they:0.0206 in:0.0178 and:0.0160 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2699 :0.3778 and:0.1208 to:0.0963 the:0.0469 in:0.0296 for:0.0217 his:0.0142 or:0.0115 is:0.0114 -:0.5679 well:0.1940 soon:0.0910 far:0.0445 much:0.0308 it:0.0261 long:0.0157 fast:0.0109 just:0.0107 possible:0.0084 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -a:0.3012 the:0.1619 :0.3858 their:0.0513 his:0.0242 her:0.0210 our:0.0171 any:0.0161 of:0.0112 its:0.0102 -:0.7362 of:0.0859 and:0.0737 in:0.0205 to:0.0184 for:0.0160 that:0.0158 is:0.0126 as:0.0109 the:0.0100 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7580 and:0.0866 to:0.0572 of:0.0383 that:0.0125 in:0.0125 for:0.0116 or:0.0091 the:0.0077 as:0.0065 -:0.4939 of:0.1359 was:0.0740 and:0.0732 are:0.0717 is:0.0601 in:0.0279 to:0.0236 were:0.0233 will:0.0164 -:0.7269 of:0.1395 and:0.0525 the:0.0211 that:0.0137 in:0.0132 or:0.0086 which:0.0086 are:0.0083 to:0.0076 -:0.8565 the:0.0459 a:0.0285 and:0.0170 this:0.0148 in:0.0090 of:0.0086 that:0.0083 his:0.0057 it:0.0056 -:0.6863 been:0.1468 the:0.0648 a:0.0309 to:0.0237 not:0.0109 he:0.0101 it:0.0090 be:0.0089 by:0.0086 -:0.7805 the:0.0792 a:0.0313 to:0.0227 of:0.0194 and:0.0151 in:0.0144 it:0.0133 that:0.0127 by:0.0113 -:0.6659 of:0.1337 and:0.0581 in:0.0391 the:0.0236 for:0.0200 to:0.0196 on:0.0159 that:0.0125 is:0.0115 -of:0.1300 :0.5549 to:0.1025 in:0.0531 for:0.0438 on:0.0384 by:0.0234 and:0.0228 as:0.0162 from:0.0151 -:0.8388 called:0.0431 made:0.0226 based:0.0212 found:0.0155 laid:0.0152 placed:0.0121 carried:0.0110 put:0.0104 brought:0.0101 -:0.6935 of:0.0819 and:0.0661 to:0.0554 in:0.0266 for:0.0185 or:0.0175 that:0.0150 the:0.0139 is:0.0117 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6510 with:0.0544 in:0.0488 that:0.0404 as:0.0395 is:0.0392 of:0.0374 for:0.0323 by:0.0311 at:0.0258 -it:0.3801 :0.4381 he:0.0792 there:0.0452 she:0.0202 that:0.0092 they:0.0087 well:0.0070 ho:0.0067 which:0.0057 -:0.9053 and:0.0464 of:0.0088 was:0.0081 as:0.0078 in:0.0055 that:0.0051 to:0.0048 is:0.0047 time:0.0035 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -of:0.4130 :0.4717 and:0.0392 to:0.0171 that:0.0125 in:0.0118 for:0.0103 as:0.0092 or:0.0085 are:0.0065 -:0.7282 that:0.0655 and:0.0617 as:0.0356 which:0.0355 but:0.0229 if:0.0179 when:0.0160 what:0.0089 where:0.0079 -:0.8885 south:0.0422 north:0.0283 east:0.0155 and:0.0061 west:0.0061 now:0.0042 right:0.0038 are:0.0031 house:0.0022 -the:0.3775 :0.4153 said:0.1026 this:0.0300 a:0.0248 tho:0.0131 our:0.0119 any:0.0111 his:0.0075 their:0.0061 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9252 and:0.0185 was:0.0171 is:0.0084 went:0.0083 came:0.0054 that:0.0046 or:0.0044 cut:0.0044 it:0.0037 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8737 and:0.0278 to:0.0228 the:0.0210 a:0.0174 that:0.0139 he:0.0077 an:0.0059 in:0.0052 it:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7973 the:0.0609 and:0.0427 a:0.0232 of:0.0199 in:0.0140 to:0.0132 his:0.0113 an:0.0105 by:0.0069 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6393 of:0.0725 in:0.0674 for:0.0426 that:0.0386 him:0.0328 on:0.0326 all:0.0277 them:0.0234 you:0.0230 -:0.7979 and:0.0526 it:0.0464 that:0.0421 which:0.0200 he:0.0175 to:0.0067 or:0.0061 who:0.0055 but:0.0052 -:0.9587 said:0.0082 same:0.0056 following:0.0050 least:0.0046 present:0.0039 best:0.0036 city:0.0036 first:0.0035 time:0.0034 -:0.6677 are:0.1349 have:0.0791 were:0.0520 had:0.0221 will:0.0141 do:0.0123 come:0.0065 would:0.0059 get:0.0053 -:0.9361 world:0.0105 city:0.0079 law:0.0078 government:0.0066 bill:0.0064 case:0.0064 result:0.0061 same:0.0061 land:0.0061 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8416 and:0.0518 the:0.0328 in:0.0150 to:0.0134 of:0.0115 or:0.0098 as:0.0087 a:0.0085 it:0.0069 -of:0.3032 in:0.1156 :0.3538 on:0.0572 for:0.0450 and:0.0293 to:0.0290 with:0.0252 at:0.0210 by:0.0208 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7857 of:0.1224 in:0.0240 and:0.0180 time:0.0112 on:0.0100 that:0.0093 with:0.0077 at:0.0067 to:0.0051 -:0.6228 the:0.2284 a:0.0551 be:0.0264 tho:0.0168 his:0.0140 their:0.0118 this:0.0097 an:0.0087 its:0.0062 -:0.9151 went:0.0231 and:0.0114 it:0.0093 him:0.0088 out:0.0077 came:0.0075 go:0.0060 up:0.0059 them:0.0053 -:0.7831 are:0.0739 were:0.0427 went:0.0234 put:0.0158 have:0.0145 had:0.0131 will:0.0122 come:0.0108 go:0.0105 -:0.8100 of:0.0480 the:0.0337 a:0.0299 and:0.0201 in:0.0187 to:0.0143 for:0.0098 at:0.0078 all:0.0078 -:0.6269 of:0.1326 all:0.0992 the:0.0573 for:0.0169 in:0.0154 any:0.0145 a:0.0143 and:0.0127 by:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.6555 :0.2241 his:0.0258 tho:0.0255 a:0.0181 their:0.0168 its:0.0088 an:0.0087 tbe:0.0085 her:0.0083 -:0.6111 the:0.1747 is:0.0842 was:0.0239 a:0.0227 are:0.0184 he:0.0183 be:0.0166 of:0.0159 tho:0.0142 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.6464 the:0.2231 a:0.0630 it:0.0125 an:0.0106 this:0.0096 his:0.0096 tho:0.0091 their:0.0090 he:0.0072 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6774 the:0.0898 of:0.0726 in:0.0504 and:0.0318 to:0.0261 for:0.0169 at:0.0134 or:0.0113 a:0.0104 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -the:0.4498 :0.3593 a:0.0471 his:0.0368 tho:0.0304 their:0.0175 this:0.0168 our:0.0152 an:0.0138 its:0.0132 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.7299 the:0.1014 to:0.0286 and:0.0274 in:0.0259 a:0.0246 that:0.0228 of:0.0206 or:0.0103 for:0.0085 -:0.8177 go:0.0423 come:0.0338 him:0.0188 have:0.0164 try:0.0154 return:0.0150 them:0.0149 be:0.0138 appear:0.0118 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.5385 the:0.2822 at:0.0597 and:0.0412 of:0.0171 to:0.0158 a:0.0152 was:0.0132 tho:0.0093 his:0.0079 -:0.6979 a:0.1051 the:0.0759 very:0.0401 more:0.0203 made:0.0198 no:0.0156 said:0.0109 given:0.0074 an:0.0070 -:0.9020 and:0.0203 of:0.0145 was:0.0143 to:0.0119 is:0.0102 or:0.0078 the:0.0063 are:0.0063 a:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8645 which:0.0403 you:0.0285 them:0.0153 be:0.0146 whom:0.0100 it:0.0078 work:0.0072 they:0.0060 him:0.0058 -the:0.3113 :0.5088 a:0.0853 other:0.0298 tho:0.0152 his:0.0132 their:0.0109 was:0.0106 its:0.0082 most:0.0067 -:0.8128 a:0.0955 in:0.0174 the:0.0170 and:0.0119 to:0.0116 so:0.0103 made:0.0079 are:0.0079 now:0.0078 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6004 years:0.1851 days:0.0786 months:0.0519 and:0.0234 weeks:0.0215 times:0.0186 hours:0.0095 men:0.0063 or:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -who:0.6495 :0.2899 men:0.0176 we:0.0130 they:0.0099 things:0.0074 which:0.0044 people:0.0032 days:0.0027 persons:0.0026 -:0.7676 the:0.0684 of:0.0352 and:0.0327 was:0.0193 a:0.0172 his:0.0164 be:0.0154 is:0.0145 he:0.0133 -the:0.4901 :0.2947 a:0.0834 an:0.0304 tho:0.0240 his:0.0193 their:0.0171 in:0.0145 by:0.0141 and:0.0124 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6307 of:0.1785 and:0.0723 to:0.0380 the:0.0246 or:0.0137 in:0.0114 for:0.0111 a:0.0104 that:0.0092 -the:0.3227 :0.5672 these:0.0287 a:0.0161 tho:0.0146 about:0.0131 all:0.0130 this:0.0087 that:0.0081 his:0.0079 -:0.8790 said:0.0215 other:0.0188 various:0.0186 great:0.0163 entire:0.0107 most:0.0091 first:0.0087 new:0.0087 local:0.0086 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.8518 was:0.0303 is:0.0255 so:0.0182 had:0.0161 made:0.0150 not:0.0127 found:0.0106 now:0.0103 has:0.0097 -of:0.1516 in:0.1414 for:0.1168 :0.3763 on:0.0484 that:0.0472 to:0.0364 with:0.0360 by:0.0271 at:0.0190 -:0.8174 and:0.0875 to:0.0160 but:0.0137 made:0.0130 up:0.0125 out:0.0124 or:0.0097 down:0.0089 in:0.0088 -:0.7471 and:0.0558 was:0.0444 he:0.0376 is:0.0311 be:0.0221 we:0.0191 the:0.0160 has:0.0157 they:0.0109 -:0.7124 be:0.2138 bo:0.0190 the:0.0134 not:0.0087 have:0.0086 he:0.0077 in:0.0062 give:0.0055 and:0.0048 -of:0.1542 :0.4448 in:0.1228 from:0.0501 for:0.0474 on:0.0427 and:0.0418 by:0.0364 to:0.0350 at:0.0249 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -of:0.2239 the:0.1544 :0.3441 a:0.1128 with:0.0696 and:0.0320 by:0.0195 in:0.0176 or:0.0136 this:0.0123 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -have:0.1758 :0.6557 are:0.0444 had:0.0343 find:0.0221 do:0.0161 get:0.0137 make:0.0134 know:0.0129 were:0.0116 -:0.8563 it:0.0473 which:0.0211 and:0.0184 who:0.0161 there:0.0136 he:0.0082 that:0.0080 as:0.0058 man:0.0052 -:0.7432 and:0.0659 of:0.0576 to:0.0520 in:0.0185 the:0.0148 is:0.0130 for:0.0120 was:0.0116 from:0.0114 -:0.5302 of:0.2163 in:0.0917 that:0.0388 and:0.0349 on:0.0255 to:0.0202 which:0.0154 for:0.0140 all:0.0130 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -that:0.2048 :0.4786 and:0.0687 as:0.0683 to:0.0569 if:0.0385 when:0.0273 which:0.0220 but:0.0200 before:0.0149 -:0.7660 and:0.0888 he:0.0643 who:0.0135 they:0.0135 it:0.0129 we:0.0119 be:0.0101 she:0.0096 was:0.0094 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9755 it:0.0042 and:0.0033 in:0.0033 men:0.0027 him:0.0024 man:0.0022 people:0.0022 you:0.0021 land:0.0020 -:0.6659 of:0.1337 and:0.0581 in:0.0391 the:0.0236 for:0.0200 to:0.0196 on:0.0159 that:0.0125 is:0.0115 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.8183 which:0.0518 it:0.0268 and:0.0239 he:0.0216 who:0.0202 there:0.0145 that:0.0102 she:0.0069 as:0.0058 -:0.6960 in:0.0800 to:0.0593 at:0.0372 on:0.0352 that:0.0323 for:0.0209 by:0.0153 a:0.0121 not:0.0118 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8247 and:0.0867 was:0.0152 to:0.0150 has:0.0124 have:0.0108 is:0.0104 that:0.0086 which:0.0083 had:0.0079 -:0.6417 the:0.2024 he:0.0420 a:0.0389 it:0.0211 they:0.0172 tho:0.0098 that:0.0096 we:0.0090 she:0.0082 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.7282 that:0.0655 and:0.0617 as:0.0356 which:0.0355 but:0.0229 if:0.0179 when:0.0160 what:0.0089 where:0.0079 -:0.9563 city:0.0063 house:0.0056 right:0.0051 interest:0.0048 work:0.0048 people:0.0045 time:0.0042 world:0.0042 country:0.0041 -:0.8281 much:0.0528 as:0.0390 far:0.0219 well:0.0133 long:0.0114 hard:0.0102 that:0.0089 back:0.0081 difficult:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.9340 city:0.0125 people:0.0102 court:0.0097 time:0.0066 country:0.0063 same:0.0060 work:0.0054 money:0.0047 ground:0.0046 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.6824 the:0.1458 a:0.0558 of:0.0338 said:0.0193 and:0.0188 in:0.0121 his:0.0113 this:0.0104 tho:0.0102 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.7629 the:0.1236 said:0.0364 a:0.0233 and:0.0177 this:0.0120 of:0.0113 any:0.0050 tho:0.0040 to:0.0038 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.5706 was:0.1526 is:0.0835 had:0.0815 has:0.0496 made:0.0209 took:0.0131 gave:0.0104 saw:0.0090 got:0.0087 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.7174 the:0.1482 of:0.0401 to:0.0207 said:0.0164 a:0.0151 and:0.0141 that:0.0119 in:0.0101 tho:0.0059 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.5017 of:0.1318 for:0.1109 in:0.0633 to:0.0525 and:0.0348 by:0.0322 on:0.0268 from:0.0234 with:0.0227 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7512 who:0.1351 of:0.0590 the:0.0107 and:0.0106 in:0.0099 that:0.0073 or:0.0056 a:0.0054 to:0.0052 -:0.6630 to:0.1539 and:0.0627 will:0.0462 would:0.0189 that:0.0153 not:0.0125 who:0.0110 can:0.0085 may:0.0079 -:0.7492 and:0.0905 of:0.0480 to:0.0474 with:0.0151 that:0.0132 was:0.0101 or:0.0097 in:0.0089 the:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4748 the:0.2338 of:0.1225 to:0.0454 and:0.0388 a:0.0247 in:0.0243 his:0.0171 for:0.0103 that:0.0085 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.5124 to:0.1912 and:0.0937 will:0.0723 can:0.0333 of:0.0324 would:0.0193 we:0.0181 who:0.0145 they:0.0127 -:0.6017 the:0.2116 a:0.0391 of:0.0346 no:0.0302 in:0.0216 this:0.0164 any:0.0154 tho:0.0153 every:0.0140 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -to:0.1038 of:0.0939 for:0.0530 :0.5878 and:0.0403 from:0.0313 in:0.0256 is:0.0231 with:0.0211 at:0.0202 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.9615 and:0.0171 work:0.0034 interest:0.0032 or:0.0031 but:0.0029 was:0.0024 made:0.0022 right:0.0022 way:0.0021 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6798 and:0.1890 than:0.0525 but:0.0177 was:0.0159 as:0.0137 to:0.0108 is:0.0071 or:0.0070 will:0.0067 -of:0.4897 :0.3125 in:0.0440 to:0.0435 with:0.0252 and:0.0203 for:0.0185 from:0.0174 on:0.0166 by:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9280 it:0.0245 time:0.0171 he:0.0066 there:0.0050 all:0.0049 the:0.0044 city:0.0036 you:0.0032 night:0.0028 -and:0.2210 of:0.1707 :0.4477 to:0.0508 for:0.0287 or:0.0236 in:0.0205 his:0.0147 the:0.0122 aud:0.0101 -:0.7680 be:0.1189 the:0.0392 have:0.0177 do:0.0128 get:0.0112 make:0.0097 go:0.0085 bo:0.0078 take:0.0063 -:0.8693 much:0.0291 little:0.0290 large:0.0164 good:0.0131 well:0.0113 great:0.0093 and:0.0075 small:0.0075 a:0.0075 -:0.6235 or:0.1263 and:0.0558 of:0.0481 not:0.0420 is:0.0246 was:0.0246 the:0.0238 in:0.0178 be:0.0134 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4913 he:0.2225 they:0.0664 it:0.0533 that:0.0480 she:0.0391 we:0.0283 which:0.0191 there:0.0191 and:0.0129 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2106 :0.4661 this:0.0941 a:0.0618 that:0.0510 some:0.0334 any:0.0309 tho:0.0178 one:0.0173 every:0.0170 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.7943 young:0.0659 old:0.0243 best:0.0218 first:0.0206 whole:0.0178 other:0.0175 same:0.0150 great:0.0129 past:0.0098 -:0.9012 of:0.0413 and:0.0229 time:0.0070 years:0.0058 year:0.0054 in:0.0044 the:0.0042 or:0.0040 day:0.0038 -:0.9486 and:0.0248 of:0.0081 law:0.0032 the:0.0030 in:0.0026 line:0.0026 man:0.0024 to:0.0023 or:0.0023 -:0.9168 time:0.0207 day:0.0137 year:0.0127 man:0.0110 long:0.0061 week:0.0055 point:0.0053 thing:0.0041 matter:0.0041 -:0.7688 the:0.0684 and:0.0423 a:0.0419 of:0.0211 his:0.0166 is:0.0113 to:0.0112 in:0.0093 their:0.0091 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.5306 the:0.2771 this:0.0876 a:0.0219 tho:0.0166 of:0.0159 our:0.0151 his:0.0145 and:0.0120 any:0.0089 -:0.7895 and:0.0708 the:0.0471 of:0.0215 in:0.0193 a:0.0121 to:0.0119 was:0.0101 that:0.0101 be:0.0076 -:0.6338 of:0.1843 and:0.0405 in:0.0335 the:0.0277 or:0.0188 to:0.0166 a:0.0154 not:0.0151 that:0.0144 -:0.5214 the:0.2912 a:0.0722 his:0.0308 of:0.0232 and:0.0166 an:0.0127 tho:0.0125 their:0.0105 in:0.0090 -:0.7086 the:0.1272 a:0.0677 of:0.0206 to:0.0170 in:0.0158 his:0.0144 and:0.0129 for:0.0082 this:0.0076 -:0.7733 was:0.0747 is:0.0389 had:0.0373 saw:0.0175 has:0.0164 took:0.0115 in:0.0105 knew:0.0102 gave:0.0097 -:0.9003 and:0.0209 went:0.0201 came:0.0145 was:0.0096 it:0.0077 are:0.0071 is:0.0070 set:0.0066 come:0.0062 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8281 much:0.0528 as:0.0390 far:0.0219 well:0.0133 long:0.0114 hard:0.0102 that:0.0089 back:0.0081 difficult:0.0062 -:0.9466 more:0.0240 in:0.0073 made:0.0037 one:0.0037 on:0.0033 it:0.0033 long:0.0032 to:0.0027 and:0.0022 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8224 and:0.0361 of:0.0337 is:0.0321 are:0.0222 according:0.0125 came:0.0117 as:0.0105 feet:0.0100 from:0.0088 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.8141 of:0.0459 and:0.0392 the:0.0358 in:0.0187 to:0.0113 by:0.0100 a:0.0088 for:0.0084 with:0.0078 -:0.7000 a:0.1660 the:0.0741 and:0.0146 in:0.0136 this:0.0075 last:0.0072 an:0.0065 his:0.0061 of:0.0044 -not:0.5049 :0.4423 the:0.0213 also:0.0071 found:0.0063 made:0.0048 then:0.0035 all:0.0034 that:0.0033 now:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8851 and:0.0233 of:0.0202 to:0.0178 in:0.0133 the:0.0116 was:0.0077 is:0.0073 or:0.0069 that:0.0067 -:0.6656 a:0.1348 the:0.0648 in:0.0288 no:0.0240 not:0.0195 his:0.0194 an:0.0173 very:0.0162 one:0.0096 -more:0.2723 :0.4300 less:0.1211 better:0.0837 rather:0.0340 worse:0.0224 now:0.0117 greater:0.0106 larger:0.0082 higher:0.0061 -:0.6038 the:0.2226 a:0.0438 that:0.0323 it:0.0281 his:0.0205 an:0.0138 him:0.0124 tho:0.0121 and:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6970 the:0.1557 a:0.0462 of:0.0410 and:0.0180 was:0.0110 tho:0.0085 or:0.0077 this:0.0074 as:0.0074 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.6884 know:0.1546 see:0.0337 to:0.0306 think:0.0274 say:0.0182 do:0.0128 be:0.0120 in:0.0119 tell:0.0104 -:0.9699 in:0.0052 up:0.0044 and:0.0040 one:0.0034 it:0.0033 hundred:0.0031 home:0.0029 two:0.0021 year:0.0017 -:0.7839 in:0.0873 to:0.0459 at:0.0189 on:0.0156 now:0.0111 that:0.0102 of:0.0092 by:0.0092 from:0.0086 -:0.8416 a:0.0567 sixty:0.0156 now:0.0149 the:0.0138 not:0.0132 three:0.0132 two:0.0104 five:0.0102 ten:0.0102 -:0.9256 and:0.0181 in:0.0158 of:0.0128 the:0.0093 he:0.0046 or:0.0042 at:0.0033 to:0.0033 was:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.6621 in:0.1119 the:0.0990 of:0.0316 a:0.0291 and:0.0234 was:0.0164 no:0.0101 had:0.0083 his:0.0081 -:0.8380 the:0.0612 and:0.0204 to:0.0133 is:0.0127 a:0.0121 in:0.0115 that:0.0106 was:0.0103 it:0.0098 -:0.4918 to:0.2035 and:0.0691 of:0.0664 the:0.0640 in:0.0392 by:0.0197 is:0.0173 a:0.0147 are:0.0141 -:0.8154 and:0.0535 that:0.0413 to:0.0167 as:0.0163 the:0.0163 which:0.0141 or:0.0102 than:0.0082 of:0.0081 -on:0.2330 :0.3118 to:0.1070 of:0.0782 in:0.0711 for:0.0670 by:0.0448 from:0.0300 and:0.0287 into:0.0283 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -average:0.0238 enormous:0.0118 inch:0.0107 old:0.0062 occasional:0.0061 overwhelming:0.0058 honest:0.0049 additional:0.0045 actual:0.0042 hour:0.0042 -:0.7217 the:0.0993 of:0.0704 a:0.0318 and:0.0207 in:0.0200 to:0.0150 for:0.0083 this:0.0066 with:0.0061 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6890 to:0.0801 of:0.0504 and:0.0442 in:0.0342 the:0.0303 that:0.0259 for:0.0172 it:0.0154 as:0.0133 -:0.6223 of:0.1265 and:0.0685 to:0.0381 the:0.0345 in:0.0336 that:0.0293 for:0.0224 was:0.0142 by:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6268 the:0.1674 a:0.0507 to:0.0352 his:0.0304 in:0.0285 it:0.0183 and:0.0162 their:0.0144 by:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8115 able:0.0740 allowed:0.0251 made:0.0218 required:0.0175 given:0.0118 used:0.0114 compelled:0.0103 ready:0.0083 liable:0.0082 -:0.5421 in:0.2198 to:0.0686 for:0.0294 by:0.0279 and:0.0279 the:0.0233 that:0.0223 on:0.0204 of:0.0184 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8703 and:0.0382 the:0.0234 in:0.0210 of:0.0118 that:0.0098 as:0.0079 a:0.0075 at:0.0054 was:0.0046 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.6117 to:0.1560 of:0.0965 and:0.0429 in:0.0289 the:0.0182 for:0.0127 that:0.0127 from:0.0106 as:0.0099 -:0.9446 and:0.0111 one:0.0099 that:0.0098 out:0.0069 of:0.0043 part:0.0037 line:0.0035 all:0.0031 side:0.0031 -:0.5195 that:0.3147 the:0.0434 and:0.0304 of:0.0284 it:0.0168 a:0.0132 he:0.0123 in:0.0114 for:0.0100 -:0.7185 to:0.0665 and:0.0550 the:0.0476 a:0.0411 of:0.0192 was:0.0171 in:0.0124 or:0.0117 not:0.0108 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9324 few:0.0151 man:0.0139 year:0.0082 good:0.0072 have:0.0051 be:0.0047 bill:0.0046 day:0.0044 little:0.0044 -:0.9280 held:0.0122 and:0.0118 it:0.0103 was:0.0102 looked:0.0070 is:0.0065 made:0.0049 he:0.0048 that:0.0043 -:0.8972 the:0.0255 and:0.0152 in:0.0123 a:0.0115 it:0.0096 that:0.0080 to:0.0077 at:0.0069 for:0.0061 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -ago:0.2940 :0.4422 and:0.0907 that:0.0727 but:0.0255 when:0.0196 as:0.0181 before:0.0129 since:0.0124 if:0.0119 -:0.8690 and:0.0502 is:0.0184 but:0.0140 was:0.0110 as:0.0092 has:0.0073 are:0.0073 were:0.0070 that:0.0067 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -in:0.2247 :0.4274 of:0.0939 to:0.0581 that:0.0419 for:0.0372 at:0.0314 on:0.0311 by:0.0297 from:0.0246 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4545 :0.3309 a:0.0872 his:0.0249 said:0.0212 their:0.0211 this:0.0184 our:0.0146 tho:0.0136 its:0.0134 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5315 to:0.2593 the:0.0544 and:0.0537 in:0.0303 by:0.0206 at:0.0148 for:0.0137 a:0.0137 from:0.0079 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.6433 the:0.1988 a:0.0369 of:0.0352 and:0.0301 in:0.0201 no:0.0109 to:0.0100 his:0.0074 tho:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7185 the:0.1270 to:0.0546 and:0.0325 a:0.0172 will:0.0124 his:0.0101 tho:0.0100 this:0.0097 would:0.0081 -:0.9161 and:0.0255 of:0.0139 is:0.0100 as:0.0095 in:0.0060 was:0.0056 the:0.0049 will:0.0048 or:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5809 those:0.2573 one:0.0320 they:0.0260 all:0.0244 he:0.0222 we:0.0197 not:0.0137 men:0.0134 it:0.0104 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -to:0.2232 will:0.2049 :0.3434 would:0.0842 may:0.0470 should:0.0253 can:0.0226 must:0.0172 could:0.0168 is:0.0153 -:0.6348 of:0.1359 in:0.0469 for:0.0323 to:0.0309 on:0.0301 with:0.0287 and:0.0271 by:0.0175 at:0.0158 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.6404 of:0.1687 in:0.0484 the:0.0311 and:0.0302 by:0.0179 on:0.0179 at:0.0171 for:0.0155 a:0.0128 -to:0.3181 :0.4375 the:0.0745 a:0.0509 and:0.0287 from:0.0232 that:0.0181 in:0.0168 for:0.0165 by:0.0158 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7246 and:0.1791 was:0.0252 of:0.0177 is:0.0146 to:0.0111 will:0.0092 which:0.0062 are:0.0061 but:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.6867 of:0.1892 and:0.0418 to:0.0254 or:0.0127 in:0.0109 the:0.0090 for:0.0090 a:0.0082 are:0.0072 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8029 be:0.0559 not:0.0338 take:0.0279 have:0.0208 give:0.0151 do:0.0136 find:0.0109 see:0.0108 pay:0.0084 -:0.7246 of:0.1105 to:0.0460 and:0.0304 that:0.0230 the:0.0155 with:0.0148 in:0.0142 as:0.0123 for:0.0088 -:0.9443 and:0.0126 more:0.0077 or:0.0061 of:0.0061 day:0.0056 year:0.0053 than:0.0042 time:0.0042 two:0.0038 -:0.5196 of:0.2896 the:0.0549 and:0.0440 that:0.0167 or:0.0166 in:0.0166 for:0.0150 to:0.0148 a:0.0121 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7197 been:0.1130 made:0.0570 not:0.0264 to:0.0221 in:0.0167 received:0.0152 had:0.0110 become:0.0095 seen:0.0094 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6612 a:0.0863 to:0.0566 the:0.0564 and:0.0365 per:0.0300 of:0.0269 for:0.0195 in:0.0154 on:0.0112 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6794 that:0.1377 if:0.0549 when:0.0422 as:0.0222 which:0.0198 then:0.0138 where:0.0116 what:0.0104 before:0.0079 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8538 he:0.0397 and:0.0249 who:0.0212 it:0.0154 we:0.0132 you:0.0086 was:0.0084 be:0.0083 they:0.0064 -of:0.3951 :0.3207 and:0.0711 to:0.0548 in:0.0523 for:0.0315 with:0.0251 from:0.0181 at:0.0159 by:0.0154 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9537 interest:0.0066 same:0.0063 city:0.0053 country:0.0052 work:0.0048 people:0.0048 time:0.0047 right:0.0044 world:0.0042 -:0.9537 interest:0.0066 same:0.0063 city:0.0053 country:0.0052 work:0.0048 people:0.0048 time:0.0047 right:0.0044 world:0.0042 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -per:0.8066 :0.1462 nper:0.0162 a:0.0131 to:0.0048 the:0.0036 and:0.0031 or:0.0025 of:0.0022 one:0.0018 -:0.9019 and:0.0259 the:0.0153 of:0.0150 to:0.0126 was:0.0077 or:0.0068 a:0.0067 that:0.0044 are:0.0037 -:0.7765 he:0.0628 and:0.0273 they:0.0258 it:0.0241 we:0.0193 that:0.0189 who:0.0170 which:0.0164 she:0.0120 -:0.8651 and:0.0372 he:0.0248 was:0.0132 they:0.0118 it:0.0107 of:0.0107 we:0.0089 who:0.0089 is:0.0086 -:0.8072 other:0.0692 of:0.0396 one:0.0277 time:0.0121 and:0.0104 more:0.0095 person:0.0090 the:0.0086 kind:0.0068 -:0.8544 able:0.0252 not:0.0247 likely:0.0233 going:0.0146 ready:0.0131 expected:0.0116 impossible:0.0115 supposed:0.0109 unable:0.0107 -:0.8749 him:0.0234 be:0.0197 them:0.0159 come:0.0154 go:0.0134 pay:0.0121 sell:0.0103 it:0.0090 wait:0.0059 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6586 to:0.1300 of:0.0970 and:0.0421 will:0.0155 feet:0.0129 the:0.0127 or:0.0127 a:0.0116 is:0.0069 -:0.7236 of:0.1077 and:0.0645 the:0.0246 in:0.0236 to:0.0131 that:0.0126 or:0.0118 was:0.0093 a:0.0093 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -of:0.3780 :0.3926 to:0.0888 and:0.0689 in:0.0289 for:0.0136 which:0.0126 that:0.0066 will:0.0051 or:0.0050 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8948 good:0.0191 great:0.0159 large:0.0149 little:0.0142 few:0.0131 long:0.0082 small:0.0075 certain:0.0074 short:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -of:0.2231 :0.4739 in:0.0827 for:0.0459 at:0.0382 and:0.0374 on:0.0353 to:0.0275 that:0.0180 with:0.0179 -:0.7482 to:0.0686 and:0.0636 in:0.0257 the:0.0187 at:0.0183 that:0.0177 by:0.0166 of:0.0113 for:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8548 in:0.0316 the:0.0296 and:0.0174 a:0.0148 to:0.0136 that:0.0115 for:0.0098 on:0.0086 be:0.0083 -:0.6541 and:0.0901 he:0.0745 who:0.0511 that:0.0326 has:0.0232 which:0.0220 they:0.0218 but:0.0155 she:0.0153 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -of:0.4818 :0.2971 and:0.0577 for:0.0463 in:0.0337 to:0.0312 on:0.0248 that:0.0094 with:0.0093 ot:0.0089 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6464 the:0.2231 a:0.0630 it:0.0125 an:0.0106 this:0.0096 his:0.0096 tho:0.0091 their:0.0090 he:0.0072 -be:0.8012 bo:0.0752 have:0.0257 not:0.0171 :0.0501 he:0.0142 never:0.0077 lie:0.0051 ho:0.0022 also:0.0016 -:0.6886 the:0.1521 a:0.0594 of:0.0217 and:0.0186 in:0.0173 his:0.0134 an:0.0115 no:0.0097 or:0.0077 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4876 and:0.1364 of:0.1017 that:0.0941 in:0.0456 to:0.0378 with:0.0321 is:0.0223 at:0.0220 for:0.0205 -:0.6922 and:0.0688 of:0.0665 in:0.0389 to:0.0361 that:0.0335 the:0.0315 a:0.0147 as:0.0095 it:0.0083 -:0.8463 and:0.0558 of:0.0217 in:0.0198 the:0.0146 that:0.0116 to:0.0100 from:0.0077 as:0.0072 by:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7898 of:0.0575 and:0.0467 to:0.0271 in:0.0205 at:0.0145 for:0.0137 the:0.0115 with:0.0095 on:0.0092 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7198 in:0.0922 the:0.0548 to:0.0285 and:0.0241 his:0.0215 of:0.0164 that:0.0155 by:0.0154 all:0.0117 -will:0.3230 would:0.1439 may:0.1150 to:0.0725 should:0.0712 shall:0.0571 must:0.0481 :0.1138 can:0.0349 might:0.0205 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5578 to:0.1892 the:0.0674 and:0.0577 of:0.0408 a:0.0315 in:0.0262 for:0.0120 his:0.0103 or:0.0072 -:0.7650 and:0.0554 the:0.0490 of:0.0479 to:0.0316 is:0.0126 was:0.0117 in:0.0112 at:0.0078 or:0.0078 -was:0.2849 is:0.2173 are:0.1845 were:0.0847 has:0.0539 be:0.0388 :0.0906 had:0.0194 have:0.0134 being:0.0125 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.7893 and:0.0433 it:0.0407 he:0.0282 they:0.0237 is:0.0214 was:0.0151 we:0.0149 to:0.0118 she:0.0116 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8641 met:0.0286 charged:0.0187 compared:0.0185 had:0.0165 was:0.0121 went:0.0120 connected:0.0108 complied:0.0098 satisfied:0.0089 -:0.5655 of:0.1915 and:0.0791 the:0.0423 to:0.0321 that:0.0312 for:0.0162 in:0.0150 he:0.0143 is:0.0129 -:0.5328 the:0.1988 of:0.0683 at:0.0543 a:0.0506 in:0.0320 to:0.0215 and:0.0153 for:0.0144 by:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6324 the:0.1530 a:0.0607 of:0.0552 in:0.0264 and:0.0225 to:0.0188 with:0.0118 by:0.0106 for:0.0085 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9680 it:0.0080 other:0.0040 wife:0.0040 all:0.0038 in:0.0026 others:0.0026 then:0.0025 interest:0.0023 there:0.0021 -:0.8777 and:0.0506 is:0.0155 was:0.0120 be:0.0117 or:0.0078 has:0.0064 at:0.0062 are:0.0062 to:0.0058 -:0.9318 and:0.0141 it:0.0083 made:0.0073 for:0.0073 or:0.0070 came:0.0068 taken:0.0066 to:0.0057 went:0.0051 -:0.6607 was:0.0765 be:0.0454 has:0.0414 is:0.0350 and:0.0333 he:0.0331 have:0.0257 were:0.0250 had:0.0239 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.5610 to:0.2073 of:0.0671 and:0.0412 the:0.0328 for:0.0293 in:0.0254 by:0.0147 it:0.0114 a:0.0098 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.7167 years:0.0669 of:0.0477 days:0.0410 months:0.0288 miles:0.0233 or:0.0226 hundred:0.0193 weeks:0.0169 and:0.0168 -be:0.5242 :0.3514 the:0.0391 have:0.0322 bo:0.0268 a:0.0067 take:0.0052 her:0.0052 come:0.0048 he:0.0044 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7525 of:0.0517 in:0.0392 for:0.0314 on:0.0276 and:0.0275 by:0.0244 with:0.0198 or:0.0149 was:0.0112 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9697 it:0.0108 in:0.0034 and:0.0029 you:0.0026 interest:0.0023 there:0.0021 him:0.0021 to:0.0020 day:0.0020 -:0.9125 up:0.0156 and:0.0107 him:0.0101 to:0.0096 down:0.0096 out:0.0092 it:0.0092 them:0.0082 away:0.0054 -of:0.2130 :0.3941 in:0.1034 and:0.0596 with:0.0576 to:0.0425 for:0.0392 on:0.0382 from:0.0291 by:0.0231 -we:0.2344 :0.3722 they:0.1680 to:0.1041 may:0.0335 you:0.0259 would:0.0246 will:0.0177 might:0.0107 shall:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5335 to:0.1626 in:0.0836 of:0.0650 and:0.0524 the:0.0445 for:0.0234 or:0.0142 this:0.0111 that:0.0097 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8211 there:0.0355 they:0.0286 that:0.0226 and:0.0224 it:0.0223 he:0.0191 we:0.0143 as:0.0078 which:0.0063 -:0.9591 and:0.0089 interest:0.0066 men:0.0065 work:0.0059 land:0.0030 man:0.0029 county:0.0024 time:0.0024 than:0.0023 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5312 the:0.3098 a:0.0847 his:0.0159 tho:0.0156 an:0.0095 this:0.0091 their:0.0090 tbe:0.0077 it:0.0076 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.8990 and:0.0251 the:0.0174 of:0.0130 that:0.0097 in:0.0091 it:0.0071 to:0.0070 a:0.0065 by:0.0059 -:0.6059 the:0.1187 to:0.1062 and:0.0809 an:0.0375 of:0.0150 in:0.0124 tho:0.0085 a:0.0081 or:0.0068 -:0.8436 and:0.0434 but:0.0285 that:0.0217 to:0.0125 if:0.0112 which:0.0111 where:0.0099 than:0.0096 when:0.0086 -:0.6436 the:0.2499 a:0.0236 of:0.0186 and:0.0174 his:0.0131 tho:0.0125 an:0.0078 our:0.0072 in:0.0063 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9029 the:0.0255 of:0.0210 and:0.0186 a:0.0081 to:0.0054 in:0.0053 said:0.0051 for:0.0042 or:0.0038 -:0.7658 of:0.0711 more:0.0406 to:0.0261 as:0.0239 the:0.0232 and:0.0196 in:0.0123 better:0.0088 that:0.0087 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9539 most:0.0090 past:0.0059 first:0.0054 last:0.0050 following:0.0045 very:0.0043 only:0.0043 north:0.0039 same:0.0037 -of:0.3273 :0.3686 and:0.1285 to:0.0439 in:0.0359 with:0.0271 from:0.0239 for:0.0189 as:0.0140 on:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7333 the:0.1438 a:0.0376 it:0.0180 his:0.0124 that:0.0117 tho:0.0114 by:0.0108 this:0.0108 to:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8000 of:0.0915 and:0.0264 in:0.0189 for:0.0135 as:0.0119 is:0.0117 at:0.0098 time:0.0090 year:0.0072 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9417 world:0.0140 people:0.0085 same:0.0079 city:0.0069 time:0.0053 law:0.0044 bill:0.0040 country:0.0039 road:0.0034 -the:0.5088 :0.3272 tho:0.0363 his:0.0316 a:0.0276 this:0.0204 their:0.0161 our:0.0120 these:0.0101 its:0.0098 -:0.8512 of:0.0297 and:0.0278 or:0.0233 for:0.0164 than:0.0120 in:0.0114 with:0.0105 more:0.0093 about:0.0084 -the:0.0115 a:0.0101 its:0.0063 no:0.0060 his:0.0057 any:0.0051 nthe:0.0044 my:0.0033 bis:0.0031 per:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.6320 and:0.1140 of:0.1140 to:0.0485 in:0.0212 that:0.0169 as:0.0158 the:0.0154 for:0.0129 or:0.0093 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7832 make:0.0546 take:0.0371 get:0.0262 see:0.0200 keep:0.0184 give:0.0180 be:0.0159 do:0.0136 prevent:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8951 that:0.0286 all:0.0285 which:0.0155 in:0.0081 the:0.0069 by:0.0053 of:0.0041 on:0.0040 said:0.0038 -:0.5576 is:0.1154 was:0.0664 to:0.0620 in:0.0617 of:0.0326 with:0.0292 from:0.0261 on:0.0261 by:0.0229 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9345 see:0.0135 know:0.0103 all:0.0097 then:0.0065 is:0.0056 it:0.0053 we:0.0049 and:0.0049 there:0.0047 -:0.8638 and:0.0563 of:0.0187 away:0.0124 came:0.0113 or:0.0110 miles:0.0071 received:0.0066 in:0.0064 are:0.0063 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7991 that:0.0594 it:0.0402 him:0.0266 them:0.0139 and:0.0134 have:0.0128 which:0.0123 as:0.0122 what:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7783 to:0.0797 will:0.0407 would:0.0285 and:0.0227 we:0.0137 shall:0.0105 may:0.0091 men:0.0086 must:0.0083 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9654 and:0.0158 demand:0.0030 work:0.0029 but:0.0027 it:0.0022 time:0.0021 money:0.0020 or:0.0020 candidate:0.0020 -:0.5676 not:0.2899 the:0.0660 a:0.0152 it:0.0136 he:0.0135 that:0.0133 you:0.0080 and:0.0068 be:0.0063 -:0.6997 it:0.1113 there:0.0568 what:0.0378 that:0.0256 now:0.0229 not:0.0154 he:0.0116 one:0.0099 this:0.0091 -:0.6402 the:0.1584 and:0.0496 of:0.0421 a:0.0406 in:0.0193 an:0.0152 was:0.0139 this:0.0106 his:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9076 the:0.0173 and:0.0169 all:0.0133 a:0.0100 that:0.0091 at:0.0078 this:0.0067 him:0.0059 it:0.0054 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5910 the:0.1546 a:0.1234 and:0.0458 of:0.0210 is:0.0204 are:0.0136 was:0.0104 to:0.0100 that:0.0099 -to:0.1700 :0.5452 from:0.0529 by:0.0516 in:0.0511 with:0.0417 on:0.0245 for:0.0228 through:0.0228 that:0.0175 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7368 to:0.0722 of:0.0414 in:0.0347 and:0.0309 the:0.0239 by:0.0185 as:0.0158 that:0.0130 for:0.0127 -:0.7116 to:0.0571 in:0.0465 and:0.0459 by:0.0339 the:0.0290 of:0.0247 with:0.0219 from:0.0167 for:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6053 in:0.0929 to:0.0739 by:0.0496 of:0.0447 and:0.0441 for:0.0294 the:0.0250 with:0.0183 that:0.0167 -:0.7156 the:0.1325 a:0.0461 that:0.0189 any:0.0180 he:0.0167 to:0.0149 one:0.0148 it:0.0116 all:0.0108 -in:0.0513 of:0.0512 and:0.0461 :0.7184 with:0.0314 to:0.0280 by:0.0232 or:0.0214 for:0.0164 own:0.0127 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7960 them:0.0478 him:0.0401 up:0.0249 it:0.0191 as:0.0159 me:0.0159 and:0.0146 down:0.0135 according:0.0122 -:0.5290 one:0.2294 two:0.0650 a:0.0571 three:0.0404 the:0.0224 five:0.0155 four:0.0147 several:0.0144 six:0.0121 -:0.6149 the:0.2406 his:0.0322 a:0.0264 and:0.0253 of:0.0179 tho:0.0122 said:0.0109 to:0.0103 this:0.0092 -thousand:0.4777 hundred:0.3664 :0.1030 miles:0.0126 years:0.0123 of:0.0099 three:0.0068 days:0.0054 million:0.0030 feet:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.7081 was:0.0793 is:0.0596 be:0.0375 and:0.0295 are:0.0211 he:0.0206 has:0.0165 were:0.0141 been:0.0136 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6352 is:0.0796 and:0.0658 was:0.0606 has:0.0417 of:0.0274 that:0.0273 with:0.0241 by:0.0201 for:0.0183 -:0.6001 to:0.1113 and:0.0895 in:0.0431 of:0.0358 the:0.0345 that:0.0320 for:0.0199 he:0.0179 with:0.0159 -:0.8540 was:0.0319 the:0.0307 had:0.0191 is:0.0133 of:0.0118 and:0.0115 in:0.0098 a:0.0098 to:0.0081 -:0.7390 them:0.0574 him:0.0524 up:0.0330 it:0.0280 such:0.0221 out:0.0215 us:0.0170 me:0.0155 so:0.0140 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.7528 a:0.1329 the:0.0490 an:0.0134 and:0.0132 to:0.0113 in:0.0084 that:0.0074 as:0.0060 by:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -has:0.3691 :0.3177 have:0.1255 had:0.1185 having:0.0210 lias:0.0159 not:0.0106 and:0.0089 was:0.0066 baa:0.0061 -:0.8672 it:0.0217 to:0.0201 that:0.0192 and:0.0159 he:0.0157 a:0.0131 in:0.0100 with:0.0092 the:0.0080 -:0.8141 and:0.0484 he:0.0328 who:0.0232 is:0.0162 was:0.0153 we:0.0144 which:0.0143 it:0.0120 are:0.0093 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7449 be:0.0953 been:0.0819 he:0.0154 had:0.0120 not:0.0116 have:0.0115 so:0.0101 and:0.0095 now:0.0078 -:0.7165 of:0.0747 and:0.0609 to:0.0323 the:0.0297 in:0.0244 was:0.0189 for:0.0150 is:0.0142 that:0.0134 -:0.7832 make:0.0546 take:0.0371 get:0.0262 see:0.0200 keep:0.0184 give:0.0180 be:0.0159 do:0.0136 prevent:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6727 the:0.0750 to:0.0562 in:0.0463 a:0.0340 by:0.0322 out:0.0250 and:0.0204 down:0.0193 for:0.0188 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7668 it:0.0435 and:0.0356 to:0.0273 we:0.0252 the:0.0235 not:0.0219 that:0.0196 he:0.0189 they:0.0176 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8036 and:0.0806 of:0.0339 the:0.0175 in:0.0158 to:0.0145 by:0.0089 from:0.0087 are:0.0087 as:0.0078 -:0.8544 of:0.0754 and:0.0244 the:0.0120 in:0.0089 to:0.0068 on:0.0052 or:0.0051 for:0.0041 that:0.0036 -the:0.3812 :0.4868 a:0.0350 this:0.0228 tho:0.0184 their:0.0141 his:0.0134 in:0.0128 he:0.0088 our:0.0067 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.3426 :0.5205 not:0.0393 have:0.0276 bo:0.0225 he:0.0176 the:0.0155 make:0.0050 become:0.0049 take:0.0046 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6404 a:0.1877 the:0.1029 of:0.0186 and:0.0138 this:0.0097 that:0.0080 his:0.0070 tho:0.0060 said:0.0059 -:0.7209 of:0.1137 and:0.0415 that:0.0299 but:0.0197 as:0.0176 for:0.0160 than:0.0147 which:0.0133 if:0.0129 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.6598 not:0.1674 the:0.0603 so:0.0335 it:0.0190 a:0.0179 this:0.0135 their:0.0105 and:0.0096 all:0.0086 -:0.5947 to:0.1454 in:0.0831 that:0.0439 for:0.0322 on:0.0272 by:0.0250 with:0.0190 at:0.0151 from:0.0144 -:0.7670 to:0.0548 in:0.0393 and:0.0389 the:0.0307 of:0.0184 that:0.0136 by:0.0133 a:0.0128 with:0.0112 -we:0.2242 :0.3728 they:0.1319 would:0.0703 will:0.0666 you:0.0328 may:0.0310 might:0.0268 should:0.0254 must:0.0183 -:0.8376 it:0.0567 and:0.0293 that:0.0218 who:0.0186 which:0.0106 he:0.0101 there:0.0071 as:0.0051 but:0.0031 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5810 be:0.1181 is:0.0824 was:0.0814 and:0.0505 are:0.0196 have:0.0185 had:0.0181 been:0.0156 not:0.0148 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9403 and:0.0257 it:0.0096 that:0.0050 was:0.0040 or:0.0036 is:0.0032 who:0.0029 of:0.0028 he:0.0028 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.9042 same:0.0231 whole:0.0183 north:0.0085 great:0.0084 first:0.0084 said:0.0079 th:0.0073 public:0.0071 following:0.0069 -:0.7174 the:0.1482 of:0.0401 to:0.0207 said:0.0164 a:0.0151 and:0.0141 that:0.0119 in:0.0101 tho:0.0059 -:0.5092 of:0.2162 and:0.0880 the:0.0519 to:0.0390 that:0.0292 in:0.0182 with:0.0178 a:0.0171 for:0.0135 -:0.8478 made:0.0365 found:0.0190 held:0.0169 used:0.0163 done:0.0133 paid:0.0132 engaged:0.0128 placed:0.0127 taken:0.0114 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5074 :0.3478 his:0.0377 tho:0.0240 their:0.0192 our:0.0136 its:0.0135 this:0.0135 her:0.0118 a:0.0115 -:0.8696 other:0.0270 more:0.0246 one:0.0212 doubt:0.0188 longer:0.0133 reason:0.0070 matter:0.0062 better:0.0061 the:0.0061 -:0.8870 years:0.0299 miles:0.0152 days:0.0143 months:0.0128 and:0.0123 hours:0.0084 men:0.0076 hundred:0.0066 to:0.0059 -:0.8261 and:0.0548 is:0.0314 be:0.0175 it:0.0174 he:0.0136 was:0.0117 that:0.0115 have:0.0082 are:0.0078 -to:0.3573 :0.5156 and:0.0649 we:0.0135 that:0.0105 for:0.0104 they:0.0081 but:0.0067 will:0.0066 in:0.0065 -:0.8022 was:0.0378 and:0.0364 is:0.0342 be:0.0334 are:0.0162 the:0.0123 have:0.0100 he:0.0099 been:0.0077 -:0.6200 and:0.0996 of:0.0876 is:0.0390 but:0.0335 was:0.0326 by:0.0224 has:0.0223 or:0.0220 that:0.0211 -:0.6861 of:0.1532 and:0.0310 in:0.0301 the:0.0249 that:0.0238 by:0.0139 to:0.0134 for:0.0121 from:0.0116 -:0.8429 and:0.0328 was:0.0326 is:0.0282 be:0.0191 are:0.0114 he:0.0113 were:0.0077 who:0.0076 as:0.0064 -:0.9197 they:0.0139 it:0.0109 and:0.0102 there:0.0100 which:0.0098 men:0.0097 we:0.0083 officers:0.0038 people:0.0036 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6392 to:0.1286 of:0.0825 and:0.0437 in:0.0368 the:0.0289 not:0.0117 for:0.0109 will:0.0098 a:0.0080 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7449 the:0.1005 and:0.0392 of:0.0333 was:0.0227 is:0.0135 a:0.0132 are:0.0118 an:0.0108 his:0.0101 -:0.8750 go:0.0186 look:0.0179 come:0.0168 put:0.0154 only:0.0144 be:0.0120 depend:0.0112 called:0.0100 run:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8261 and:0.0548 is:0.0314 be:0.0175 it:0.0174 he:0.0136 was:0.0117 that:0.0115 have:0.0082 are:0.0078 -:0.8835 the:0.0314 a:0.0208 to:0.0207 in:0.0140 and:0.0079 not:0.0078 be:0.0047 for:0.0047 as:0.0046 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9487 city:0.0083 case:0.0082 matter:0.0067 people:0.0053 purpose:0.0049 end:0.0047 time:0.0046 way:0.0044 state:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5008 as:0.1314 by:0.0787 at:0.0770 in:0.0746 for:0.0413 to:0.0380 of:0.0204 on:0.0201 if:0.0177 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5724 been:0.1791 to:0.0963 a:0.0532 not:0.0407 the:0.0206 no:0.0185 never:0.0076 and:0.0062 an:0.0055 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -:0.8485 and:0.0425 he:0.0209 who:0.0189 we:0.0182 they:0.0161 to:0.0105 that:0.0093 it:0.0076 the:0.0075 -:0.6831 of:0.1383 and:0.0450 in:0.0280 who:0.0234 are:0.0210 to:0.0190 have:0.0151 the:0.0151 were:0.0120 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7098 the:0.0959 a:0.0504 to:0.0307 that:0.0259 in:0.0232 and:0.0177 by:0.0174 as:0.0169 at:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.5219 :0.2741 will:0.0560 may:0.0385 a:0.0287 would:0.0271 it:0.0156 they:0.0149 well:0.0117 could:0.0115 -:0.7288 the:0.1586 and:0.0258 of:0.0199 a:0.0190 or:0.0141 in:0.0086 to:0.0085 was:0.0083 his:0.0083 -:0.6609 of:0.0819 in:0.0601 for:0.0510 and:0.0483 to:0.0250 with:0.0243 by:0.0168 at:0.0166 that:0.0153 -:0.6254 and:0.0887 are:0.0765 is:0.0681 of:0.0338 was:0.0315 were:0.0277 or:0.0176 who:0.0167 has:0.0140 -:0.6391 a:0.0917 the:0.0782 of:0.0701 and:0.0377 in:0.0350 this:0.0155 is:0.0128 was:0.0103 to:0.0096 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -:0.5421 of:0.1764 and:0.0654 that:0.0634 the:0.0449 in:0.0327 a:0.0255 as:0.0166 on:0.0165 for:0.0165 -the:0.4348 :0.4491 a:0.0281 tho:0.0185 to:0.0181 his:0.0137 and:0.0127 an:0.0103 in:0.0084 by:0.0064 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.6193 to:0.1905 and:0.0341 that:0.0318 for:0.0303 of:0.0288 the:0.0206 in:0.0195 as:0.0129 by:0.0121 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7607 of:0.0491 to:0.0473 the:0.0418 and:0.0268 a:0.0258 that:0.0145 will:0.0130 in:0.0110 his:0.0100 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9037 and:0.0286 of:0.0248 auction:0.0146 or:0.0063 to:0.0060 that:0.0044 was:0.0043 schools:0.0039 for:0.0035 -been:0.3049 a:0.2096 :0.3963 not:0.0320 the:0.0163 so:0.0100 become:0.0095 made:0.0091 no:0.0069 be:0.0053 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.6640 and:0.0883 the:0.0741 of:0.0584 a:0.0387 was:0.0184 in:0.0176 is:0.0147 for:0.0140 with:0.0118 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -the:0.3867 :0.3792 a:0.0932 in:0.0476 by:0.0266 his:0.0212 tho:0.0161 an:0.0103 and:0.0097 as:0.0094 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8159 in:0.0369 with:0.0249 as:0.0247 by:0.0200 that:0.0173 was:0.0169 for:0.0157 is:0.0155 at:0.0123 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7727 more:0.1272 less:0.0398 better:0.0226 rather:0.0120 and:0.0070 worse:0.0063 higher:0.0047 other:0.0046 the:0.0033 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.7991 of:0.0694 other:0.0431 and:0.0204 year:0.0167 the:0.0115 day:0.0112 county:0.0107 one:0.0090 side:0.0089 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6512 the:0.2223 a:0.0345 he:0.0216 it:0.0206 that:0.0120 tho:0.0118 this:0.0106 his:0.0081 they:0.0073 -:0.6875 in:0.0722 of:0.0492 to:0.0374 with:0.0337 on:0.0271 for:0.0252 by:0.0247 that:0.0241 from:0.0188 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.6768 of:0.0983 that:0.0463 to:0.0376 in:0.0368 on:0.0303 and:0.0203 from:0.0194 for:0.0189 as:0.0154 -:0.8028 of:0.0565 the:0.0361 and:0.0349 that:0.0247 which:0.0139 in:0.0102 for:0.0081 he:0.0071 a:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -of:0.5192 :0.2758 in:0.0442 and:0.0317 on:0.0316 for:0.0263 at:0.0208 with:0.0205 to:0.0169 from:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5921 to:0.1606 not:0.1439 be:0.0406 take:0.0151 probably:0.0111 also:0.0103 soon:0.0091 do:0.0088 never:0.0084 -to:0.2970 :0.3323 of:0.0983 in:0.0650 for:0.0547 on:0.0487 from:0.0302 by:0.0292 at:0.0224 and:0.0222 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.8598 the:0.0646 of:0.0172 and:0.0122 a:0.0096 that:0.0095 as:0.0086 tho:0.0065 in:0.0064 he:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9410 man:0.0122 matter:0.0118 law:0.0069 year:0.0054 point:0.0052 place:0.0048 time:0.0048 vote:0.0041 thing:0.0039 -:0.7780 and:0.0553 of:0.0390 to:0.0297 the:0.0218 a:0.0208 at:0.0183 was:0.0145 or:0.0121 for:0.0104 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8572 an:0.0286 great:0.0242 good:0.0169 few:0.0159 special:0.0148 very:0.0109 long:0.0108 most:0.0103 certain:0.0103 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8465 to:0.0363 be:0.0252 and:0.0191 not:0.0172 in:0.0166 the:0.0136 been:0.0110 on:0.0081 a:0.0064 -:0.7790 been:0.0642 in:0.0367 to:0.0364 made:0.0225 by:0.0159 not:0.0124 on:0.0113 for:0.0109 passed:0.0106 -:0.8060 been:0.0895 not:0.0253 no:0.0217 a:0.0126 the:0.0119 an:0.0102 to:0.0096 just:0.0067 made:0.0066 -of:0.4066 :0.3023 in:0.1215 and:0.0386 for:0.0288 is:0.0238 with:0.0226 the:0.0207 or:0.0205 was:0.0146 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8596 own:0.1012 feet:0.0081 right:0.0051 old:0.0049 respective:0.0045 way:0.0044 many:0.0041 best:0.0040 south:0.0039 -:0.7388 as:0.0377 that:0.0350 if:0.0346 the:0.0317 a:0.0309 one:0.0259 it:0.0243 he:0.0209 is:0.0201 -of:0.4073 :0.3142 in:0.0954 for:0.0489 and:0.0343 by:0.0293 to:0.0197 that:0.0175 with:0.0168 from:0.0165 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8122 the:0.1071 a:0.0274 and:0.0151 of:0.0078 an:0.0072 in:0.0065 to:0.0063 tho:0.0054 tbe:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7721 of:0.0797 who:0.0520 in:0.0447 hundred:0.0112 from:0.0091 on:0.0089 men:0.0078 for:0.0075 to:0.0070 -be:0.6800 :0.2130 bo:0.0537 have:0.0265 not:0.0075 he:0.0043 take:0.0040 well:0.0039 do:0.0036 get:0.0035 -:0.6598 not:0.1674 the:0.0603 so:0.0335 it:0.0190 a:0.0179 this:0.0135 their:0.0105 and:0.0096 all:0.0086 -:0.7951 the:0.0713 and:0.0456 a:0.0282 of:0.0166 to:0.0104 or:0.0089 his:0.0089 one:0.0082 this:0.0070 -:0.7816 and:0.0653 was:0.0445 is:0.0338 be:0.0178 or:0.0157 are:0.0110 has:0.0106 had:0.0099 to:0.0098 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.6719 to:0.0823 of:0.0644 and:0.0597 in:0.0310 for:0.0300 the:0.0200 that:0.0146 by:0.0140 or:0.0121 -:0.7593 great:0.0526 very:0.0456 little:0.0333 good:0.0305 large:0.0199 few:0.0176 certain:0.0164 new:0.0138 reasonable:0.0110 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.9217 own:0.0278 best:0.0104 said:0.0078 to:0.0072 the:0.0068 first:0.0058 will:0.0045 and:0.0041 other:0.0040 -:0.5893 the:0.1873 a:0.1233 of:0.0207 and:0.0176 was:0.0162 this:0.0132 is:0.0122 tho:0.0102 in:0.0099 -:0.7804 the:0.0643 a:0.0281 and:0.0262 to:0.0257 of:0.0250 it:0.0174 he:0.0113 that:0.0108 is:0.0108 -:0.6554 be:0.1804 have:0.0599 not:0.0509 bo:0.0178 he:0.0091 the:0.0082 do:0.0066 take:0.0064 make:0.0052 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.8187 of:0.0572 in:0.0330 to:0.0264 and:0.0250 the:0.0134 that:0.0072 a:0.0071 as:0.0063 for:0.0057 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8576 it:0.0304 and:0.0286 which:0.0165 who:0.0149 we:0.0137 he:0.0122 they:0.0092 that:0.0090 you:0.0080 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5847 he:0.1176 they:0.1122 we:0.0746 it:0.0482 the:0.0187 a:0.0133 she:0.0118 an:0.0096 be:0.0092 -:0.7156 in:0.0751 to:0.0454 from:0.0298 is:0.0291 with:0.0275 on:0.0228 by:0.0188 and:0.0182 at:0.0177 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9226 and:0.0323 that:0.0090 or:0.0071 for:0.0058 but:0.0055 was:0.0051 is:0.0045 it:0.0042 down:0.0039 -:0.9246 and:0.0140 it:0.0128 was:0.0084 held:0.0080 that:0.0073 put:0.0072 is:0.0069 made:0.0057 placed:0.0052 -:0.8428 of:0.0594 and:0.0374 the:0.0147 or:0.0117 in:0.0105 to:0.0063 are:0.0060 was:0.0056 that:0.0055 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9621 same:0.0068 people:0.0049 law:0.0046 bill:0.0038 work:0.0037 time:0.0036 matter:0.0036 world:0.0035 men:0.0034 -:0.6206 the:0.1123 th:0.0772 a:0.0751 that:0.0287 per:0.0205 every:0.0205 one:0.0168 and:0.0150 this:0.0133 -:0.8346 was:0.0310 and:0.0289 the:0.0287 is:0.0216 he:0.0135 been:0.0124 be:0.0111 are:0.0095 or:0.0086 -the:0.0113 no:0.0081 tho:0.0067 a:0.0059 their:0.0059 our:0.0048 of:0.0045 his:0.0044 its:0.0042 every:0.0039 -:0.7372 the:0.0688 of:0.0627 a:0.0572 to:0.0217 and:0.0207 this:0.0083 that:0.0081 in:0.0080 or:0.0073 -a:0.2713 :0.4250 the:0.1533 to:0.0673 not:0.0273 no:0.0202 an:0.0105 now:0.0089 very:0.0084 one:0.0078 -:0.6708 is:0.0940 was:0.0736 are:0.0561 were:0.0336 and:0.0215 the:0.0150 to:0.0139 in:0.0108 a:0.0108 -:0.9218 and:0.0328 found:0.0065 made:0.0059 is:0.0058 was:0.0057 but:0.0056 are:0.0056 or:0.0054 been:0.0050 -:0.6754 the:0.1135 of:0.0608 in:0.0510 by:0.0216 a:0.0206 to:0.0179 and:0.0158 on:0.0122 for:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -:0.9709 the:0.0057 will:0.0053 to:0.0041 his:0.0027 a:0.0026 would:0.0024 this:0.0022 should:0.0021 may:0.0021 -:0.6384 a:0.1560 the:0.1085 young:0.0218 no:0.0147 one:0.0131 and:0.0129 every:0.0118 any:0.0117 of:0.0111 -:0.9590 own:0.0150 way:0.0045 the:0.0043 and:0.0037 life:0.0036 county:0.0026 city:0.0025 friends:0.0024 time:0.0024 -:0.6542 as:0.1630 the:0.0620 more:0.0370 and:0.0226 by:0.0167 a:0.0150 from:0.0111 in:0.0100 to:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7067 was:0.0631 and:0.0619 is:0.0440 be:0.0343 are:0.0241 have:0.0181 has:0.0173 were:0.0167 he:0.0137 -of:0.4098 :0.2825 in:0.0729 to:0.0630 for:0.0368 on:0.0317 with:0.0281 as:0.0265 and:0.0245 that:0.0242 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9115 and:0.0449 is:0.0083 to:0.0072 of:0.0067 that:0.0055 but:0.0051 was:0.0040 will:0.0036 in:0.0033 -:0.9504 people:0.0128 law:0.0069 city:0.0056 world:0.0051 bill:0.0048 case:0.0044 government:0.0036 work:0.0032 same:0.0031 -:0.8464 time:0.0655 way:0.0315 right:0.0113 feet:0.0098 one:0.0083 thing:0.0081 regard:0.0072 person:0.0063 cases:0.0056 -:0.6554 be:0.1804 have:0.0599 not:0.0509 bo:0.0178 he:0.0091 the:0.0082 do:0.0066 take:0.0064 make:0.0052 -:0.9276 a:0.0207 the:0.0161 two:0.0064 and:0.0061 more:0.0058 young:0.0047 little:0.0047 three:0.0040 in:0.0039 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.7713 and:0.0484 not:0.0345 was:0.0301 is:0.0294 or:0.0258 of:0.0182 are:0.0180 were:0.0128 be:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7123 the:0.1114 of:0.0401 a:0.0308 and:0.0279 was:0.0253 is:0.0190 be:0.0116 are:0.0114 his:0.0104 -:0.8384 and:0.0375 the:0.0348 of:0.0166 be:0.0162 was:0.0150 that:0.0140 or:0.0093 to:0.0091 not:0.0090 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -has:0.2021 :0.3826 have:0.1624 had:0.1531 having:0.0432 not:0.0181 bad:0.0129 ha:0.0107 also:0.0081 lias:0.0068 -:0.8463 man:0.0473 he:0.0332 and:0.0238 who:0.0121 which:0.0103 men:0.0099 have:0.0065 she:0.0054 time:0.0053 -:0.8964 and:0.0245 the:0.0167 of:0.0145 a:0.0105 it:0.0099 that:0.0098 at:0.0067 in:0.0055 or:0.0054 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6609 of:0.0819 in:0.0601 for:0.0510 and:0.0483 to:0.0250 with:0.0243 by:0.0168 at:0.0166 that:0.0153 -:0.4539 of:0.1696 to:0.1093 and:0.0710 with:0.0601 in:0.0409 on:0.0271 for:0.0245 that:0.0235 by:0.0200 -:0.8924 and:0.0339 that:0.0191 it:0.0123 but:0.0120 is:0.0072 as:0.0068 so:0.0062 was:0.0054 to:0.0045 -:0.6290 of:0.1435 the:0.0814 in:0.0413 this:0.0285 a:0.0263 and:0.0201 that:0.0132 by:0.0087 with:0.0079 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8160 is:0.0808 was:0.0213 time:0.0202 as:0.0160 morning:0.0128 city:0.0098 year:0.0083 way:0.0080 be:0.0068 -:0.8120 and:0.0512 was:0.0410 is:0.0235 are:0.0181 be:0.0152 as:0.0113 were:0.0099 or:0.0091 has:0.0088 -:0.9082 same:0.0140 past:0.0123 great:0.0112 other:0.0103 said:0.0099 whole:0.0098 most:0.0090 first:0.0078 last:0.0073 -:0.6382 the:0.1458 a:0.0664 to:0.0285 it:0.0274 of:0.0249 that:0.0238 and:0.0190 his:0.0133 in:0.0127 -:0.6585 the:0.1609 of:0.0644 a:0.0350 and:0.0230 in:0.0154 an:0.0126 or:0.0116 at:0.0108 his:0.0079 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.7581 of:0.0561 and:0.0508 the:0.0508 to:0.0295 was:0.0145 his:0.0126 in:0.0122 be:0.0082 a:0.0072 -:0.7412 the:0.0980 and:0.0427 a:0.0258 in:0.0227 to:0.0187 that:0.0161 by:0.0137 it:0.0112 at:0.0098 -:0.7128 years:0.0650 days:0.0505 hundred:0.0358 months:0.0304 of:0.0294 and:0.0290 or:0.0213 miles:0.0164 weeks:0.0094 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.5560 :0.2567 in:0.0496 on:0.0309 and:0.0282 to:0.0274 for:0.0157 from:0.0153 ot:0.0114 at:0.0088 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5400 of:0.2898 the:0.0960 and:0.0209 in:0.0147 a:0.0101 for:0.0092 to:0.0070 his:0.0066 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7783 and:0.0374 was:0.0356 came:0.0334 is:0.0311 went:0.0249 of:0.0185 are:0.0151 it:0.0150 him:0.0108 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7748 the:0.0888 a:0.0402 of:0.0221 and:0.0199 this:0.0185 in:0.0140 that:0.0091 tho:0.0071 or:0.0054 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -the:0.8390 :0.0823 tho:0.0270 a:0.0154 his:0.0110 tbe:0.0083 this:0.0056 any:0.0046 its:0.0039 their:0.0030 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -of:0.5367 :0.2422 to:0.0619 in:0.0502 for:0.0320 and:0.0228 that:0.0167 at:0.0142 by:0.0118 with:0.0115 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.7491 of:0.0496 and:0.0440 the:0.0352 in:0.0265 to:0.0211 it:0.0200 he:0.0198 with:0.0186 that:0.0162 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5908 as:0.1485 to:0.0780 that:0.0530 the:0.0294 and:0.0262 in:0.0247 a:0.0188 by:0.0169 for:0.0137 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -the:0.4279 a:0.1299 :0.2884 this:0.0351 his:0.0342 their:0.0219 tho:0.0200 its:0.0184 our:0.0145 all:0.0097 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.6073 the:0.2286 an:0.0619 of:0.0394 a:0.0133 and:0.0129 years:0.0129 or:0.0080 their:0.0078 tho:0.0078 -:0.6681 and:0.0591 have:0.0542 be:0.0486 was:0.0408 is:0.0325 had:0.0281 he:0.0254 has:0.0236 are:0.0195 -:0.6755 to:0.1614 we:0.0302 will:0.0301 and:0.0300 they:0.0202 can:0.0182 would:0.0157 could:0.0097 who:0.0090 -:0.6094 and:0.1457 to:0.1141 are:0.0326 of:0.0275 with:0.0166 were:0.0157 was:0.0149 in:0.0127 will:0.0110 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7332 the:0.1229 of:0.0419 a:0.0319 and:0.0226 to:0.0158 tho:0.0088 was:0.0082 their:0.0076 other:0.0072 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.4756 he:0.2624 it:0.1511 she:0.0460 ho:0.0171 there:0.0132 they:0.0113 lie:0.0092 who:0.0073 is:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -than:0.3035 :0.5643 of:0.0267 to:0.0203 or:0.0188 for:0.0176 in:0.0167 with:0.0151 and:0.0099 as:0.0072 -:0.6286 the:0.1285 of:0.0713 and:0.0425 a:0.0386 in:0.0374 that:0.0156 his:0.0130 for:0.0127 is:0.0118 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8033 it:0.0601 him:0.0260 them:0.0216 us:0.0196 you:0.0188 which:0.0162 that:0.0150 me:0.0100 all:0.0092 -:0.5481 and:0.1500 in:0.0675 of:0.0643 to:0.0640 but:0.0284 from:0.0257 on:0.0204 for:0.0162 at:0.0154 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.7754 to:0.0580 and:0.0548 was:0.0343 is:0.0178 a:0.0145 be:0.0144 has:0.0129 not:0.0090 or:0.0089 -to:0.3143 :0.5149 for:0.0406 on:0.0284 in:0.0254 with:0.0224 and:0.0178 upon:0.0131 by:0.0118 about:0.0112 -:0.8118 little:0.0413 good:0.0319 great:0.0279 large:0.0277 few:0.0213 small:0.0121 long:0.0092 certain:0.0088 young:0.0080 -:0.8537 will:0.0270 and:0.0231 was:0.0182 is:0.0167 he:0.0148 not:0.0135 would:0.0123 may:0.0105 it:0.0102 -:0.8846 one:0.0242 day:0.0206 time:0.0177 year:0.0150 other:0.0090 man:0.0084 county:0.0082 person:0.0070 and:0.0053 -:0.8067 of:0.0503 the:0.0419 and:0.0221 to:0.0203 in:0.0159 for:0.0117 that:0.0112 as:0.0102 by:0.0097 -:0.7520 and:0.0620 was:0.0524 is:0.0416 are:0.0232 be:0.0188 have:0.0149 were:0.0145 had:0.0105 as:0.0101 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7033 the:0.1337 and:0.0350 that:0.0295 it:0.0245 a:0.0227 to:0.0212 of:0.0128 he:0.0094 him:0.0078 -:0.6842 the:0.1088 to:0.0546 a:0.0490 that:0.0337 it:0.0247 and:0.0139 in:0.0118 this:0.0098 of:0.0094 -:0.7895 and:0.0659 of:0.0539 to:0.0297 in:0.0148 or:0.0133 the:0.0093 was:0.0085 at:0.0077 from:0.0075 -:0.5526 of:0.1862 and:0.0540 to:0.0504 the:0.0428 in:0.0423 that:0.0234 from:0.0163 is:0.0161 with:0.0158 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -the:0.3492 a:0.2459 :0.3099 an:0.0196 tho:0.0188 their:0.0158 his:0.0145 this:0.0102 its:0.0085 all:0.0075 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.6585 the:0.1609 of:0.0644 a:0.0350 and:0.0230 in:0.0154 an:0.0126 or:0.0116 at:0.0108 his:0.0079 -:0.7688 of:0.0854 to:0.0376 and:0.0304 in:0.0221 on:0.0170 that:0.0132 the:0.0094 for:0.0090 or:0.0071 -:0.5682 the:0.1649 a:0.1337 of:0.0403 and:0.0382 his:0.0150 in:0.0130 tho:0.0101 their:0.0086 no:0.0082 -:0.7643 of:0.0569 and:0.0415 the:0.0329 a:0.0243 to:0.0197 in:0.0182 that:0.0173 it:0.0125 for:0.0124 -:0.8916 and:0.0484 to:0.0156 as:0.0095 at:0.0069 or:0.0067 that:0.0062 but:0.0056 of:0.0052 for:0.0042 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.9093 same:0.0168 whole:0.0115 first:0.0099 other:0.0099 entire:0.0094 great:0.0088 said:0.0085 last:0.0080 old:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5869 the:0.2417 be:0.0505 his:0.0215 have:0.0205 tho:0.0199 a:0.0183 its:0.0151 take:0.0133 her:0.0123 -up:0.1746 :0.3737 him:0.1378 out:0.1041 them:0.0822 it:0.0477 down:0.0255 away:0.0227 me:0.0186 off:0.0130 -:0.7988 than:0.0979 or:0.0211 of:0.0192 and:0.0172 to:0.0146 the:0.0124 a:0.0074 in:0.0065 for:0.0049 -:0.7046 in:0.0662 by:0.0616 the:0.0426 to:0.0328 and:0.0271 for:0.0213 with:0.0198 on:0.0120 as:0.0119 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -the:0.4274 :0.3765 a:0.0589 this:0.0341 his:0.0304 any:0.0166 tho:0.0157 an:0.0141 their:0.0137 its:0.0125 -the:0.3273 :0.3485 his:0.1054 a:0.0721 their:0.0401 any:0.0253 our:0.0228 its:0.0215 my:0.0191 tho:0.0179 -the:0.4101 :0.4286 a:0.0336 his:0.0310 this:0.0212 their:0.0183 tho:0.0162 an:0.0144 its:0.0140 her:0.0128 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -will:0.1887 :0.3350 to:0.1284 should:0.0761 shall:0.0716 may:0.0584 would:0.0556 must:0.0350 can:0.0317 could:0.0195 -:0.8650 and:0.0273 said:0.0258 fact:0.0152 all:0.0145 of:0.0128 is:0.0121 named:0.0102 stated:0.0087 but:0.0084 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -a:0.2857 the:0.1250 :0.4525 very:0.0503 no:0.0185 not:0.0154 in:0.0141 said:0.0138 that:0.0133 his:0.0116 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7727 more:0.1272 less:0.0398 better:0.0226 rather:0.0120 and:0.0070 worse:0.0063 higher:0.0047 other:0.0046 the:0.0033 -of:0.4542 :0.3526 and:0.0452 in:0.0419 for:0.0203 from:0.0201 by:0.0187 on:0.0171 to:0.0156 at:0.0142 -:0.3961 of:0.1571 and:0.1273 in:0.1030 as:0.0497 for:0.0447 so:0.0442 by:0.0284 that:0.0259 with:0.0236 -:0.7432 and:0.0659 of:0.0576 to:0.0520 in:0.0185 the:0.0148 is:0.0130 for:0.0120 was:0.0116 from:0.0114 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9639 the:0.0113 these:0.0036 them:0.0035 which:0.0034 land:0.0034 said:0.0031 and:0.0028 life:0.0026 men:0.0025 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5828 of:0.2108 and:0.0747 to:0.0320 in:0.0273 or:0.0185 with:0.0156 the:0.0149 by:0.0123 for:0.0111 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6041 the:0.1583 a:0.1165 his:0.0213 an:0.0208 him:0.0199 it:0.0168 that:0.0142 them:0.0141 her:0.0139 -:0.6079 the:0.1419 a:0.0954 and:0.0315 he:0.0303 his:0.0235 to:0.0217 for:0.0165 in:0.0159 that:0.0154 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7510 and:0.0512 the:0.0469 of:0.0450 to:0.0320 in:0.0183 for:0.0167 that:0.0155 on:0.0117 or:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8705 and:0.0442 was:0.0178 the:0.0141 be:0.0119 is:0.0113 to:0.0100 are:0.0073 has:0.0064 in:0.0064 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6310 to:0.1555 and:0.0576 of:0.0459 the:0.0332 in:0.0181 by:0.0175 with:0.0153 a:0.0131 at:0.0127 -:0.8510 of:0.0425 and:0.0370 to:0.0196 was:0.0111 in:0.0091 as:0.0087 or:0.0076 for:0.0075 the:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9074 most:0.0149 other:0.0124 said:0.0107 public:0.0105 first:0.0096 same:0.0096 whole:0.0091 best:0.0086 following:0.0072 -:0.8368 made:0.0313 been:0.0287 that:0.0202 seen:0.0199 to:0.0156 heard:0.0145 done:0.0130 found:0.0108 put:0.0091 -:0.8129 to:0.0800 and:0.0181 the:0.0170 by:0.0154 in:0.0120 a:0.0114 with:0.0113 from:0.0113 that:0.0107 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8202 that:0.0608 and:0.0469 it:0.0132 as:0.0113 or:0.0112 was:0.0108 but:0.0101 is:0.0082 are:0.0072 -the:0.3808 a:0.1260 :0.3208 any:0.0568 his:0.0449 tho:0.0162 her:0.0141 this:0.0139 their:0.0134 its:0.0131 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7900 be:0.0663 the:0.0561 a:0.0178 not:0.0172 to:0.0114 and:0.0112 in:0.0106 him:0.0103 he:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.7643 and:0.0846 of:0.0562 to:0.0219 in:0.0189 was:0.0142 is:0.0111 or:0.0106 for:0.0093 the:0.0089 -:0.8124 and:0.0645 to:0.0380 the:0.0167 a:0.0138 is:0.0117 was:0.0113 in:0.0111 of:0.0109 or:0.0096 -to:0.2098 :0.3509 of:0.1145 in:0.0877 and:0.0577 with:0.0466 for:0.0408 on:0.0407 from:0.0256 by:0.0255 -the:0.4224 :0.4013 a:0.0548 his:0.0292 this:0.0222 tho:0.0219 our:0.0161 their:0.0123 tbe:0.0102 its:0.0097 -:0.7346 a:0.1035 the:0.0474 not:0.0337 very:0.0245 and:0.0134 an:0.0121 well:0.0110 so:0.0103 his:0.0095 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7436 the:0.0968 by:0.0343 to:0.0240 a:0.0221 in:0.0211 and:0.0186 him:0.0137 as:0.0132 that:0.0127 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8921 of:0.0452 and:0.0226 in:0.0073 to:0.0064 will:0.0058 the:0.0057 man:0.0053 are:0.0048 is:0.0048 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -at:0.3189 :0.5730 and:0.0408 for:0.0112 was:0.0109 or:0.0106 is:0.0098 of:0.0097 to:0.0083 are:0.0069 -in:0.1558 :0.4445 of:0.1089 and:0.0606 to:0.0593 for:0.0461 on:0.0432 from:0.0340 by:0.0261 with:0.0215 -of:0.1815 :0.4315 in:0.1167 and:0.0504 on:0.0475 at:0.0442 for:0.0413 to:0.0352 by:0.0275 as:0.0242 -:0.5902 the:0.3077 this:0.0273 said:0.0194 tho:0.0164 her:0.0087 which:0.0083 our:0.0076 his:0.0074 that:0.0070 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -:0.6546 with:0.1417 and:0.1112 is:0.0226 but:0.0193 so:0.0147 that:0.0101 or:0.0095 down:0.0082 up:0.0079 -the:0.7968 a:0.0508 :0.0692 tho:0.0209 his:0.0172 its:0.0119 their:0.0111 this:0.0078 our:0.0078 tbe:0.0064 -:0.5118 it:0.1988 he:0.1320 not:0.0730 there:0.0258 which:0.0166 she:0.0127 that:0.0117 who:0.0089 what:0.0087 -:0.6214 the:0.2713 a:0.0238 he:0.0161 it:0.0158 him:0.0115 his:0.0110 this:0.0106 tho:0.0098 that:0.0087 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8004 and:0.0477 it:0.0269 the:0.0238 of:0.0219 to:0.0195 a:0.0193 is:0.0162 he:0.0123 was:0.0122 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7135 the:0.0730 that:0.0491 of:0.0337 a:0.0308 in:0.0228 this:0.0216 which:0.0192 some:0.0188 to:0.0173 -they:0.3448 we:0.1978 :0.3409 you:0.0330 who:0.0221 he:0.0188 there:0.0188 it:0.0094 which:0.0076 she:0.0067 -:0.8863 county:0.0288 mortgage:0.0211 that:0.0136 petition:0.0109 city:0.0098 lot:0.0079 it:0.0078 deed:0.0076 and:0.0062 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5925 the:0.2190 a:0.0423 least:0.0422 once:0.0241 all:0.0203 oclock:0.0177 at:0.0143 his:0.0142 tho:0.0133 -of:0.1362 :0.4436 in:0.1349 and:0.0665 for:0.0498 to:0.0454 on:0.0454 with:0.0366 from:0.0242 at:0.0173 -:0.6775 come:0.0667 get:0.0634 go:0.0608 carry:0.0257 take:0.0240 put:0.0228 look:0.0218 be:0.0205 keep:0.0168 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9132 out:0.0385 one:0.0128 that:0.0092 all:0.0056 and:0.0044 line:0.0043 side:0.0042 or:0.0042 some:0.0036 -:0.5726 in:0.2249 the:0.0722 of:0.0307 and:0.0281 a:0.0267 an:0.0170 this:0.0107 on:0.0088 to:0.0082 -:0.8727 wife:0.0273 life:0.0238 father:0.0231 name:0.0106 death:0.0097 hand:0.0096 husband:0.0078 body:0.0077 mother:0.0076 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -the:0.1358 :0.6670 a:0.0774 him:0.0242 them:0.0178 this:0.0174 their:0.0165 any:0.0151 her:0.0145 each:0.0144 -:0.8115 able:0.0740 allowed:0.0251 made:0.0218 required:0.0175 given:0.0118 used:0.0114 compelled:0.0103 ready:0.0083 liable:0.0082 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7977 he:0.0585 and:0.0569 who:0.0193 it:0.0172 that:0.0135 she:0.0108 they:0.0107 we:0.0079 was:0.0075 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7727 more:0.1272 less:0.0398 better:0.0226 rather:0.0120 and:0.0070 worse:0.0063 higher:0.0047 other:0.0046 the:0.0033 -:0.4874 to:0.1913 and:0.1260 of:0.0742 was:0.0391 in:0.0217 for:0.0196 or:0.0170 is:0.0119 are:0.0118 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8765 whole:0.0275 first:0.0190 last:0.0149 same:0.0121 great:0.0113 new:0.0111 said:0.0097 large:0.0095 next:0.0085 -:0.4700 to:0.1949 of:0.1355 and:0.0516 in:0.0515 for:0.0256 that:0.0201 from:0.0190 on:0.0178 with:0.0141 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8042 the:0.0810 of:0.0339 and:0.0320 a:0.0114 an:0.0091 that:0.0084 in:0.0073 or:0.0067 is:0.0061 -:0.8094 a:0.0908 the:0.0400 and:0.0110 been:0.0106 to:0.0099 his:0.0085 by:0.0074 in:0.0062 so:0.0062 -:0.5397 of:0.2748 and:0.0512 the:0.0386 in:0.0326 that:0.0171 to:0.0144 which:0.0117 at:0.0100 on:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7272 and:0.0605 was:0.0541 is:0.0399 have:0.0240 be:0.0239 has:0.0223 are:0.0180 he:0.0153 were:0.0148 -:0.9314 more:0.0185 two:0.0088 otherwise:0.0086 less:0.0083 it:0.0055 other:0.0055 one:0.0047 even:0.0045 not:0.0041 -of:0.3402 :0.3428 in:0.0759 for:0.0408 to:0.0358 by:0.0349 on:0.0342 and:0.0331 from:0.0320 that:0.0304 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6609 of:0.0819 in:0.0601 for:0.0510 and:0.0483 to:0.0250 with:0.0243 by:0.0168 at:0.0166 that:0.0153 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9496 and:0.0145 of:0.0104 or:0.0044 day:0.0042 men:0.0039 man:0.0034 the:0.0033 other:0.0032 county:0.0031 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.6966 to:0.0636 of:0.0564 and:0.0447 the:0.0405 that:0.0275 by:0.0233 in:0.0188 for:0.0162 with:0.0125 -:0.6524 of:0.1832 and:0.0524 the:0.0227 in:0.0195 that:0.0184 as:0.0180 is:0.0118 to:0.0110 by:0.0106 -:0.8098 made:0.0432 based:0.0365 called:0.0338 laid:0.0143 taken:0.0139 found:0.0124 carried:0.0123 paid:0.0121 used:0.0118 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6589 the:0.0987 a:0.0881 of:0.0840 and:0.0168 in:0.0140 his:0.0118 to:0.0100 with:0.0097 their:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.7805 the:0.0838 to:0.0427 a:0.0272 of:0.0131 and:0.0122 his:0.0120 will:0.0115 this:0.0100 tho:0.0069 -:0.6942 of:0.0831 and:0.0531 to:0.0438 the:0.0407 in:0.0240 that:0.0176 for:0.0169 a:0.0154 he:0.0113 -:0.7772 taken:0.0370 been:0.0349 come:0.0295 gone:0.0283 made:0.0247 passed:0.0228 brought:0.0198 served:0.0132 put:0.0126 -:0.6373 it:0.0717 they:0.0709 he:0.0689 we:0.0555 there:0.0356 that:0.0186 you:0.0172 she:0.0122 which:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6522 of:0.0971 to:0.0624 and:0.0624 the:0.0335 that:0.0281 in:0.0251 for:0.0149 or:0.0126 with:0.0117 -:0.6697 in:0.0812 as:0.0424 for:0.0349 with:0.0335 is:0.0305 by:0.0296 of:0.0296 and:0.0251 at:0.0235 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6075 and:0.1393 of:0.1022 in:0.0431 but:0.0300 is:0.0255 at:0.0157 for:0.0130 know:0.0120 so:0.0118 -:0.6680 and:0.0770 was:0.0465 is:0.0430 be:0.0361 has:0.0329 have:0.0277 he:0.0266 are:0.0237 had:0.0185 -:0.6682 of:0.0802 and:0.0633 is:0.0460 was:0.0421 or:0.0262 in:0.0234 are:0.0185 to:0.0171 the:0.0151 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.7546 and:0.0456 the:0.0410 of:0.0339 to:0.0324 it:0.0226 a:0.0200 in:0.0185 that:0.0170 or:0.0146 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7395 of:0.1055 and:0.0490 the:0.0231 on:0.0192 in:0.0158 or:0.0142 that:0.0139 to:0.0099 for:0.0099 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6089 to:0.1815 the:0.0610 of:0.0374 a:0.0270 in:0.0260 and:0.0207 that:0.0129 by:0.0123 for:0.0123 -to:0.4674 :0.3883 and:0.0485 the:0.0198 or:0.0182 of:0.0131 long:0.0123 high:0.0111 in:0.0109 wide:0.0103 -:0.9254 the:0.0150 all:0.0098 which:0.0097 account:0.0095 him:0.0083 them:0.0065 a:0.0055 page:0.0054 said:0.0051 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8499 him:0.0281 it:0.0249 them:0.0242 and:0.0208 that:0.0195 out:0.0120 up:0.0088 us:0.0065 me:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5085 of:0.2502 and:0.0629 the:0.0560 that:0.0491 in:0.0215 to:0.0169 or:0.0127 a:0.0127 for:0.0095 -:0.7594 in:0.0502 for:0.0385 of:0.0340 and:0.0250 at:0.0228 from:0.0217 no:0.0169 or:0.0160 is:0.0154 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8657 of:0.0329 and:0.0320 is:0.0128 that:0.0107 in:0.0103 or:0.0099 was:0.0096 to:0.0086 the:0.0076 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7369 and:0.0494 was:0.0474 is:0.0388 the:0.0295 he:0.0274 had:0.0209 has:0.0197 be:0.0156 have:0.0143 -the:0.2296 a:0.1356 :0.4700 no:0.0336 one:0.0293 not:0.0279 any:0.0264 this:0.0201 he:0.0145 his:0.0131 -that:0.3439 :0.3605 and:0.0627 as:0.0622 which:0.0437 when:0.0368 if:0.0255 of:0.0226 but:0.0219 what:0.0200 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.8433 as:0.0270 up:0.0270 them:0.0183 out:0.0174 it:0.0157 him:0.0147 and:0.0138 down:0.0136 enough:0.0091 -:0.6571 was:0.0884 be:0.0730 is:0.0322 and:0.0316 are:0.0293 he:0.0280 have:0.0242 has:0.0183 were:0.0179 -:0.7162 one:0.0871 part:0.0764 kind:0.0469 portion:0.0219 sort:0.0149 side:0.0107 time:0.0090 way:0.0086 day:0.0085 -:0.7140 the:0.0595 of:0.0552 a:0.0511 and:0.0314 is:0.0309 was:0.0179 an:0.0150 in:0.0135 or:0.0114 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.8580 and:0.0250 of:0.0226 a:0.0176 in:0.0174 the:0.0152 to:0.0148 or:0.0115 at:0.0092 for:0.0085 -:0.8866 other:0.0184 most:0.0168 young:0.0156 same:0.0111 first:0.0110 last:0.0108 a:0.0107 great:0.0104 whole:0.0087 -not:0.3207 :0.4919 probably:0.0498 to:0.0348 soon:0.0265 be:0.0237 never:0.0166 will:0.0152 also:0.0124 he:0.0084 -:0.8646 ago:0.0839 old:0.0167 and:0.0093 in:0.0076 years:0.0075 of:0.0031 before:0.0027 since:0.0026 to:0.0022 -:0.9296 line:0.0127 out:0.0110 day:0.0110 one:0.0102 side:0.0096 part:0.0052 number:0.0044 half:0.0032 or:0.0032 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.7104 is:0.0518 was:0.0509 and:0.0448 has:0.0338 been:0.0276 be:0.0253 are:0.0233 were:0.0178 had:0.0143 -:0.6694 to:0.0833 of:0.0800 and:0.0617 by:0.0192 in:0.0191 is:0.0183 the:0.0182 with:0.0174 for:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7140 the:0.1635 a:0.0235 of:0.0213 and:0.0181 his:0.0155 in:0.0149 to:0.0116 tho:0.0090 no:0.0086 -:0.7698 the:0.0667 of:0.0468 and:0.0249 their:0.0168 no:0.0168 a:0.0156 he:0.0151 with:0.0138 his:0.0136 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8330 of:0.0591 and:0.0455 to:0.0139 the:0.0102 with:0.0096 or:0.0094 is:0.0067 at:0.0064 was:0.0063 -the:0.3894 :0.4597 a:0.0539 he:0.0262 this:0.0185 tho:0.0164 his:0.0108 all:0.0089 its:0.0084 their:0.0080 -:0.7963 of:0.0555 and:0.0389 in:0.0369 the:0.0172 to:0.0167 by:0.0111 that:0.0103 at:0.0086 for:0.0085 -:0.6109 him:0.1217 me:0.0752 us:0.0638 them:0.0510 all:0.0215 said:0.0151 so:0.0149 it:0.0140 and:0.0120 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8374 little:0.0320 much:0.0311 he:0.0243 well:0.0237 long:0.0165 and:0.0109 large:0.0087 good:0.0086 we:0.0068 -:0.9003 and:0.0209 went:0.0201 came:0.0145 was:0.0096 it:0.0077 are:0.0071 is:0.0070 set:0.0066 come:0.0062 -:0.7503 the:0.1151 of:0.0482 at:0.0268 and:0.0183 in:0.0099 to:0.0095 a:0.0077 for:0.0076 said:0.0066 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7716 was:0.0499 and:0.0415 is:0.0369 in:0.0210 been:0.0195 be:0.0176 of:0.0144 by:0.0142 for:0.0135 -:0.5845 of:0.1677 to:0.0446 and:0.0412 for:0.0373 in:0.0345 with:0.0334 by:0.0318 than:0.0134 on:0.0115 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8009 the:0.0646 and:0.0465 in:0.0192 of:0.0184 to:0.0151 a:0.0150 an:0.0072 that:0.0066 was:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9284 one:0.0175 sale:0.0100 all:0.0087 thousands:0.0085 any:0.0076 those:0.0057 each:0.0048 some:0.0046 section:0.0041 -:0.8970 life:0.0301 wife:0.0160 father:0.0114 death:0.0106 hand:0.0081 mind:0.0081 name:0.0077 way:0.0057 mother:0.0054 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -the:0.2414 :0.4145 a:0.1039 no:0.0641 his:0.0395 that:0.0355 their:0.0330 in:0.0263 this:0.0240 our:0.0178 -:0.6429 of:0.0827 and:0.0589 to:0.0584 in:0.0368 for:0.0348 that:0.0286 the:0.0223 by:0.0177 or:0.0170 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9446 and:0.0111 one:0.0099 that:0.0098 out:0.0069 of:0.0043 part:0.0037 line:0.0035 all:0.0031 side:0.0031 -:0.8222 and:0.0474 of:0.0432 to:0.0240 or:0.0178 in:0.0097 is:0.0097 as:0.0092 on:0.0087 at:0.0082 -:0.8072 other:0.0692 of:0.0396 one:0.0277 time:0.0121 and:0.0104 more:0.0095 person:0.0090 the:0.0086 kind:0.0068 -:0.4379 to:0.1436 who:0.1215 will:0.0670 would:0.0616 and:0.0492 should:0.0373 must:0.0352 we:0.0247 could:0.0220 -:0.7453 and:0.1108 is:0.0283 be:0.0247 was:0.0220 he:0.0191 are:0.0176 have:0.0122 the:0.0102 been:0.0098 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -the:0.2586 :0.3848 this:0.1096 any:0.0753 a:0.0555 that:0.0372 present:0.0245 some:0.0207 every:0.0174 first:0.0165 -:0.6872 the:0.1861 and:0.0330 a:0.0250 of:0.0239 tho:0.0094 this:0.0092 to:0.0089 his:0.0088 that:0.0084 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8039 who:0.0560 it:0.0350 which:0.0264 that:0.0200 there:0.0179 he:0.0179 and:0.0083 she:0.0081 persons:0.0066 -:0.8142 told:0.0401 to:0.0393 on:0.0211 not:0.0183 in:0.0173 made:0.0132 found:0.0125 for:0.0122 upon:0.0117 -:0.7120 of:0.0969 to:0.0430 in:0.0379 and:0.0332 the:0.0228 for:0.0158 with:0.0151 that:0.0117 by:0.0114 -:0.7833 and:0.0723 to:0.0453 of:0.0251 the:0.0221 in:0.0190 by:0.0095 or:0.0094 from:0.0086 at:0.0054 -:0.6266 the:0.1021 in:0.0584 to:0.0519 a:0.0387 on:0.0315 and:0.0262 for:0.0241 of:0.0205 by:0.0200 -:0.4994 was:0.1329 be:0.0820 has:0.0653 had:0.0601 is:0.0484 have:0.0483 were:0.0235 are:0.0220 and:0.0181 -:0.7287 much:0.0573 in:0.0512 to:0.0385 for:0.0295 of:0.0254 at:0.0221 from:0.0173 by:0.0166 on:0.0134 -:0.7173 of:0.0880 and:0.0397 the:0.0378 to:0.0333 in:0.0328 is:0.0215 for:0.0111 was:0.0098 or:0.0088 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7198 it:0.0799 up:0.0555 him:0.0464 them:0.0426 me:0.0192 us:0.0127 you:0.0082 her:0.0080 and:0.0075 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.2608 not:0.2368 :0.3115 bo:0.0449 to:0.0350 he:0.0303 never:0.0269 have:0.0243 hardly:0.0170 also:0.0126 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2550 :0.4953 the:0.0963 and:0.0417 a:0.0347 is:0.0213 for:0.0194 in:0.0154 at:0.0110 was:0.0100 -:0.8159 in:0.0369 with:0.0249 as:0.0247 by:0.0200 that:0.0173 was:0.0169 for:0.0157 is:0.0155 at:0.0123 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7365 to:0.0862 and:0.0683 of:0.0294 the:0.0276 will:0.0177 in:0.0127 a:0.0077 for:0.0073 is:0.0065 -:0.9484 him:0.0102 be:0.0073 work:0.0061 them:0.0054 pay:0.0052 it:0.0049 me:0.0047 go:0.0040 appear:0.0039 -:0.8227 of:0.0471 and:0.0392 the:0.0214 that:0.0207 in:0.0129 to:0.0127 for:0.0082 by:0.0077 was:0.0074 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.5086 of:0.1547 with:0.1025 in:0.0496 is:0.0465 and:0.0429 as:0.0295 for:0.0257 was:0.0224 at:0.0176 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8768 which:0.0333 men:0.0220 these:0.0171 them:0.0144 you:0.0090 they:0.0075 that:0.0068 sale:0.0066 we:0.0064 -:0.7835 and:0.0969 in:0.0232 are:0.0180 have:0.0177 for:0.0158 a:0.0118 to:0.0114 by:0.0112 at:0.0105 -the:0.4223 :0.2917 a:0.1020 their:0.0464 his:0.0357 tho:0.0266 this:0.0260 our:0.0222 its:0.0156 these:0.0114 -:0.7042 been:0.2098 had:0.0176 to:0.0121 the:0.0112 not:0.0098 made:0.0098 it:0.0092 never:0.0083 be:0.0080 -:0.7964 the:0.0491 and:0.0429 in:0.0250 are:0.0155 of:0.0155 have:0.0154 to:0.0147 a:0.0142 was:0.0113 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5399 as:0.2368 is:0.0629 and:0.0407 was:0.0390 so:0.0192 the:0.0179 are:0.0163 be:0.0138 a:0.0135 -:0.4982 is:0.1417 will:0.0620 could:0.0593 if:0.0493 does:0.0481 would:0.0378 was:0.0376 are:0.0343 did:0.0315 -the:0.6890 :0.1657 his:0.0367 tho:0.0322 a:0.0214 our:0.0186 their:0.0130 tbe:0.0097 this:0.0072 said:0.0064 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6811 more:0.1650 less:0.0580 better:0.0263 rather:0.0193 worse:0.0123 larger:0.0116 higher:0.0110 greater:0.0109 hundred:0.0045 -the:0.5008 :0.2647 a:0.0911 his:0.0342 tho:0.0305 their:0.0202 this:0.0177 our:0.0162 its:0.0134 an:0.0114 -:0.8719 of:0.0374 and:0.0291 the:0.0252 that:0.0080 which:0.0064 or:0.0061 to:0.0054 with:0.0054 in:0.0050 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.7351 the:0.0755 to:0.0745 a:0.0513 and:0.0176 of:0.0119 this:0.0096 we:0.0093 tho:0.0079 their:0.0071 -:0.6420 cent:0.2254 annum:0.0382 acre:0.0354 ton:0.0205 day:0.0114 month:0.0089 centum:0.0062 year:0.0062 hundred:0.0058 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8513 and:0.0404 it:0.0285 they:0.0188 we:0.0163 which:0.0117 as:0.0108 there:0.0080 he:0.0080 you:0.0060 -:0.9489 own:0.0085 life:0.0082 hand:0.0077 wife:0.0052 and:0.0048 mind:0.0046 years:0.0044 heart:0.0039 way:0.0038 -:0.6348 of:0.1359 in:0.0469 for:0.0323 to:0.0309 on:0.0301 with:0.0287 and:0.0271 by:0.0175 at:0.0158 -:0.5664 of:0.2469 and:0.0582 to:0.0371 in:0.0282 for:0.0147 with:0.0136 the:0.0131 that:0.0122 or:0.0097 -:0.9077 to:0.0224 and:0.0140 out:0.0122 line:0.0116 side:0.0106 one:0.0072 or:0.0053 that:0.0049 day:0.0041 -:0.9499 and:0.0145 man:0.0066 office:0.0058 day:0.0042 party:0.0041 people:0.0040 men:0.0039 room:0.0035 work:0.0035 -:0.7450 to:0.0981 and:0.0349 we:0.0336 will:0.0264 not:0.0141 they:0.0141 you:0.0119 would:0.0118 who:0.0101 -who:0.6134 :0.3457 were:0.0085 and:0.0069 he:0.0051 a:0.0050 or:0.0042 one:0.0039 men:0.0037 we:0.0037 -:0.7601 in:0.0839 on:0.0314 made:0.0263 to:0.0228 for:0.0193 by:0.0186 at:0.0169 from:0.0104 found:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7066 be:0.1165 only:0.0408 as:0.0316 have:0.0304 been:0.0269 to:0.0130 bo:0.0119 in:0.0117 take:0.0107 -:0.7056 the:0.1925 of:0.0335 and:0.0256 a:0.0101 said:0.0070 tho:0.0069 his:0.0066 as:0.0064 in:0.0058 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7280 of:0.1019 and:0.0895 who:0.0192 or:0.0144 thereof:0.0136 which:0.0123 but:0.0082 that:0.0071 it:0.0058 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9426 them:0.0109 land:0.0097 interest:0.0077 sale:0.0068 men:0.0063 that:0.0050 the:0.0038 it:0.0037 all:0.0034 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -a:0.3698 the:0.2191 :0.3047 his:0.0253 its:0.0166 this:0.0158 their:0.0149 such:0.0139 any:0.0116 tho:0.0083 -:0.7030 been:0.0916 the:0.0738 a:0.0348 in:0.0233 he:0.0175 that:0.0172 no:0.0160 it:0.0119 not:0.0109 -:0.6544 that:0.0863 and:0.0549 but:0.0427 if:0.0400 as:0.0380 when:0.0329 which:0.0181 where:0.0174 before:0.0155 -:0.9041 them:0.0264 the:0.0255 her:0.0103 him:0.0090 it:0.0068 his:0.0060 said:0.0050 land:0.0037 all:0.0033 -the:0.5246 :0.3222 a:0.0366 this:0.0265 tho:0.0212 our:0.0192 his:0.0162 their:0.0125 be:0.0116 tbe:0.0093 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8497 and:0.0641 was:0.0164 out:0.0143 is:0.0137 it:0.0100 but:0.0092 up:0.0081 or:0.0078 of:0.0067 -:0.9577 own:0.0134 way:0.0063 the:0.0048 other:0.0041 right:0.0028 most:0.0028 city:0.0028 one:0.0027 best:0.0025 -:0.7506 of:0.0932 to:0.0519 and:0.0348 in:0.0182 for:0.0129 or:0.0123 the:0.0108 on:0.0081 from:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -be:0.7882 bo:0.0484 have:0.0235 :0.1012 not:0.0148 he:0.0127 lie:0.0035 been:0.0027 the:0.0025 become:0.0025 -:0.7288 and:0.0609 is:0.0496 was:0.0454 are:0.0314 has:0.0245 were:0.0163 have:0.0151 of:0.0143 be:0.0137 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8384 it:0.0532 he:0.0302 and:0.0224 who:0.0154 that:0.0138 which:0.0086 we:0.0082 there:0.0050 not:0.0049 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7856 the:0.0719 to:0.0373 and:0.0279 that:0.0161 of:0.0158 it:0.0133 a:0.0118 he:0.0106 in:0.0098 -:0.9179 line:0.0174 day:0.0133 amount:0.0099 matter:0.0087 number:0.0082 part:0.0073 end:0.0073 one:0.0051 side:0.0050 -:0.6510 of:0.1190 and:0.0585 in:0.0467 to:0.0287 for:0.0270 the:0.0248 that:0.0194 at:0.0137 by:0.0113 -:0.8862 one:0.0271 part:0.0172 some:0.0121 all:0.0117 time:0.0114 purpose:0.0093 day:0.0084 kind:0.0083 portion:0.0082 -:0.6618 the:0.1654 of:0.0457 a:0.0371 and:0.0253 in:0.0149 to:0.0141 his:0.0135 tho:0.0117 no:0.0106 -:0.6823 of:0.0725 the:0.0587 and:0.0453 in:0.0425 with:0.0375 a:0.0168 that:0.0158 it:0.0151 to:0.0136 -the:0.5231 this:0.1046 :0.1987 a:0.0707 their:0.0193 tho:0.0189 his:0.0187 our:0.0171 said:0.0148 its:0.0142 -:0.6741 of:0.1638 and:0.0404 to:0.0322 the:0.0207 was:0.0191 or:0.0185 is:0.0111 in:0.0106 for:0.0097 -:0.8273 made:0.0306 held:0.0299 found:0.0265 used:0.0195 paid:0.0194 placed:0.0136 done:0.0133 seen:0.0103 sold:0.0096 -:0.5893 in:0.1119 of:0.0938 on:0.0401 that:0.0349 and:0.0340 by:0.0318 for:0.0231 from:0.0208 is:0.0204 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7405 not:0.0657 the:0.0555 is:0.0359 and:0.0351 was:0.0252 of:0.0135 that:0.0101 had:0.0098 has:0.0086 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8817 to:0.0316 and:0.0291 of:0.0121 will:0.0084 in:0.0083 was:0.0083 as:0.0070 is:0.0070 that:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6007 to:0.1333 a:0.0874 the:0.0670 and:0.0408 this:0.0240 will:0.0213 his:0.0095 of:0.0090 in:0.0070 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8676 little:0.0198 good:0.0191 great:0.0175 certain:0.0156 new:0.0150 large:0.0142 few:0.0125 long:0.0094 small:0.0092 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.8964 and:0.0245 the:0.0167 of:0.0145 a:0.0105 it:0.0099 that:0.0098 at:0.0067 in:0.0055 or:0.0054 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7658 and:0.0418 the:0.0392 to:0.0349 a:0.0336 of:0.0334 is:0.0171 was:0.0146 in:0.0108 are:0.0087 -:0.7520 a:0.0685 the:0.0517 in:0.0335 to:0.0281 and:0.0194 of:0.0188 by:0.0113 that:0.0088 not:0.0080 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8357 the:0.0527 a:0.0343 to:0.0175 as:0.0144 and:0.0118 in:0.0109 all:0.0078 an:0.0076 his:0.0073 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -of:0.0938 in:0.0714 to:0.0528 from:0.0283 for:0.0282 :0.6572 with:0.0183 and:0.0181 that:0.0172 upon:0.0147 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6795 was:0.1135 and:0.0567 is:0.0412 has:0.0240 or:0.0197 the:0.0179 are:0.0179 had:0.0152 be:0.0146 -:0.4720 in:0.0928 to:0.0876 by:0.0733 of:0.0553 on:0.0484 for:0.0444 and:0.0431 that:0.0419 with:0.0411 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7559 the:0.1166 a:0.0281 and:0.0225 that:0.0170 it:0.0144 to:0.0140 in:0.0130 of:0.0110 an:0.0075 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.7163 is:0.0681 was:0.0517 and:0.0440 he:0.0384 be:0.0260 are:0.0228 who:0.0118 it:0.0109 have:0.0100 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8384 and:0.0420 the:0.0396 of:0.0170 in:0.0124 was:0.0124 that:0.0112 a:0.0098 at:0.0090 are:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7783 and:0.0595 of:0.0489 in:0.0290 to:0.0220 the:0.0219 or:0.0115 for:0.0100 with:0.0096 at:0.0093 -:0.8959 long:0.0305 well:0.0150 large:0.0129 good:0.0100 man:0.0083 year:0.0081 matter:0.0080 little:0.0063 bill:0.0051 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6652 it:0.1704 there:0.0669 he:0.0340 that:0.0222 which:0.0122 what:0.0092 she:0.0079 then:0.0061 who:0.0059 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -of:0.3775 :0.4808 and:0.0542 in:0.0293 for:0.0125 that:0.0122 to:0.0104 or:0.0083 at:0.0076 is:0.0070 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.6052 of:0.2244 and:0.0454 the:0.0415 is:0.0173 was:0.0162 that:0.0142 in:0.0137 to:0.0110 or:0.0110 -of:0.2686 :0.3687 in:0.1216 and:0.0511 to:0.0439 on:0.0416 that:0.0335 from:0.0266 with:0.0238 for:0.0206 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -of:0.5291 :0.2863 in:0.0718 and:0.0363 for:0.0296 with:0.0113 at:0.0109 by:0.0099 that:0.0075 on:0.0074 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8174 able:0.0689 made:0.0273 allowed:0.0192 compelled:0.0144 given:0.0134 taken:0.0104 unable:0.0100 used:0.0100 sent:0.0091 -:0.7172 and:0.0803 of:0.0710 that:0.0298 the:0.0268 in:0.0251 to:0.0203 a:0.0132 was:0.0093 or:0.0071 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6442 the:0.1060 to:0.0944 a:0.0696 in:0.0214 and:0.0177 his:0.0134 of:0.0123 will:0.0106 for:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7519 the:0.1022 this:0.0375 his:0.0235 which:0.0215 a:0.0154 all:0.0148 order:0.0137 said:0.0100 her:0.0095 -:0.6307 to:0.0943 of:0.0838 and:0.0756 in:0.0373 that:0.0276 the:0.0211 for:0.0125 or:0.0093 on:0.0078 -:0.7841 the:0.0703 a:0.0277 oclock:0.0246 least:0.0205 once:0.0188 any:0.0177 all:0.0171 his:0.0101 this:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.0991 :0.8414 as:0.0208 very:0.0088 an:0.0085 time:0.0072 thing:0.0046 other:0.0036 too:0.0030 man:0.0030 -the:0.2495 :0.5123 a:0.1111 and:0.0319 his:0.0284 of:0.0191 their:0.0148 tho:0.0138 this:0.0105 its:0.0086 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8576 it:0.0304 and:0.0286 which:0.0165 who:0.0149 we:0.0137 he:0.0122 they:0.0092 that:0.0090 you:0.0080 -:0.5540 the:0.1744 by:0.0572 that:0.0521 at:0.0431 a:0.0302 in:0.0260 his:0.0244 for:0.0195 with:0.0192 -the:0.3340 :0.3903 a:0.1375 every:0.0334 that:0.0228 th:0.0186 this:0.0180 one:0.0172 tho:0.0169 all:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5927 to:0.1297 the:0.1045 and:0.0834 of:0.0351 in:0.0171 his:0.0103 or:0.0093 an:0.0093 a:0.0086 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.2668 the:0.2130 :0.3582 this:0.0455 his:0.0397 their:0.0231 its:0.0198 so:0.0143 our:0.0099 any:0.0098 -:0.8215 to:0.0403 and:0.0301 the:0.0219 in:0.0207 that:0.0201 of:0.0171 as:0.0107 a:0.0092 for:0.0084 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.8740 and:0.0534 was:0.0288 is:0.0100 it:0.0068 are:0.0068 that:0.0056 or:0.0055 but:0.0048 were:0.0042 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.4835 to:0.1256 as:0.1106 that:0.0830 and:0.0754 but:0.0304 when:0.0280 out:0.0275 before:0.0200 in:0.0160 -:0.8758 the:0.0317 of:0.0274 and:0.0270 to:0.0090 that:0.0083 a:0.0061 in:0.0054 with:0.0048 or:0.0045 -:0.8728 and:0.0392 of:0.0256 to:0.0180 the:0.0163 a:0.0079 that:0.0068 or:0.0048 is:0.0043 was:0.0043 -:0.6699 be:0.1114 know:0.0648 say:0.0470 see:0.0273 find:0.0215 learn:0.0155 show:0.0153 feel:0.0137 believe:0.0137 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.5276 the:0.2183 a:0.1073 to:0.0590 and:0.0232 of:0.0226 tho:0.0125 this:0.0122 an:0.0095 will:0.0078 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8489 and:0.0364 to:0.0304 of:0.0220 in:0.0189 the:0.0105 that:0.0093 at:0.0086 on:0.0075 for:0.0075 -:0.8800 one:0.0432 out:0.0277 part:0.0133 day:0.0093 and:0.0070 side:0.0054 line:0.0053 because:0.0045 that:0.0042 -:0.9430 and:0.0163 of:0.0143 to:0.0051 men:0.0041 time:0.0040 is:0.0036 the:0.0035 as:0.0033 who:0.0028 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.5019 to:0.1917 will:0.1175 may:0.0448 should:0.0425 must:0.0258 shall:0.0246 would:0.0211 and:0.0189 can:0.0112 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6017 to:0.2278 and:0.0416 of:0.0337 in:0.0302 for:0.0176 or:0.0134 will:0.0121 is:0.0120 on:0.0100 -the:0.5846 a:0.1120 :0.1667 his:0.0367 their:0.0283 tho:0.0238 its:0.0139 this:0.0128 our:0.0124 tbe:0.0087 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.6659 of:0.1337 and:0.0581 in:0.0391 the:0.0236 for:0.0200 to:0.0196 on:0.0159 that:0.0125 is:0.0115 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -of:0.2898 in:0.1034 for:0.0820 :0.3172 to:0.0569 with:0.0494 that:0.0309 and:0.0292 at:0.0209 on:0.0205 -:0.8707 to:0.0406 and:0.0390 or:0.0100 will:0.0089 in:0.0088 is:0.0060 for:0.0058 but:0.0053 can:0.0050 -:0.8313 south:0.0535 north:0.0422 the:0.0133 of:0.0129 with:0.0127 in:0.0096 to:0.0092 and:0.0082 east:0.0070 -:0.8687 of:0.0452 and:0.0175 or:0.0152 to:0.0122 at:0.0106 with:0.0095 for:0.0082 is:0.0065 six:0.0064 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -to:0.4767 :0.4010 the:0.0376 his:0.0165 and:0.0134 you:0.0116 her:0.0113 their:0.0111 a:0.0107 will:0.0101 -:0.9196 said:0.0164 most:0.0128 other:0.0103 th:0.0092 great:0.0079 same:0.0072 first:0.0067 the:0.0051 following:0.0049 -:0.9736 and:0.0051 city:0.0034 time:0.0031 most:0.0028 other:0.0026 of:0.0025 country:0.0024 county:0.0024 th:0.0022 -:0.8224 it:0.0327 which:0.0281 that:0.0214 there:0.0202 he:0.0177 they:0.0166 we:0.0163 and:0.0152 you:0.0094 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8516 to:0.0291 the:0.0285 a:0.0194 and:0.0193 he:0.0130 one:0.0112 be:0.0103 that:0.0096 his:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8310 and:0.0572 was:0.0263 is:0.0195 the:0.0136 that:0.0133 are:0.0117 has:0.0102 he:0.0087 it:0.0085 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9733 hundred:0.0091 in:0.0036 and:0.0025 years:0.0023 wife:0.0020 long:0.0020 hand:0.0018 home:0.0018 men:0.0017 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7173 of:0.1589 and:0.0369 to:0.0306 by:0.0112 from:0.0108 feet:0.0101 the:0.0082 with:0.0081 or:0.0080 -:0.6713 of:0.1826 and:0.0513 the:0.0279 in:0.0167 that:0.0119 on:0.0099 to:0.0099 for:0.0094 or:0.0090 -:0.6948 the:0.1271 to:0.0630 and:0.0268 a:0.0214 or:0.0176 he:0.0128 of:0.0124 an:0.0123 that:0.0118 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6385 the:0.0977 in:0.0650 of:0.0489 his:0.0390 on:0.0325 a:0.0233 at:0.0215 and:0.0187 other:0.0149 -:0.7883 one:0.0638 matter:0.0280 part:0.0272 means:0.0217 reason:0.0205 doubt:0.0182 use:0.0122 action:0.0121 kind:0.0080 -:0.8671 deal:0.0596 part:0.0200 amount:0.0098 sort:0.0086 matter:0.0081 one:0.0076 way:0.0066 kind:0.0065 many:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7805 of:0.1066 the:0.0278 and:0.0258 to:0.0154 is:0.0139 in:0.0107 was:0.0078 for:0.0064 by:0.0051 -:0.7742 and:0.0546 was:0.0464 is:0.0330 are:0.0253 were:0.0160 be:0.0148 he:0.0122 the:0.0121 have:0.0114 -:0.8115 and:0.0391 was:0.0381 of:0.0361 is:0.0320 or:0.0096 are:0.0093 to:0.0088 in:0.0083 for:0.0073 -:0.7524 to:0.0805 been:0.0496 in:0.0396 by:0.0164 made:0.0132 not:0.0128 on:0.0125 for:0.0124 that:0.0107 -of:0.3261 in:0.1644 :0.2954 to:0.0578 that:0.0453 for:0.0365 and:0.0275 on:0.0225 from:0.0133 with:0.0114 -the:0.4258 :0.3536 his:0.0610 a:0.0431 its:0.0333 tho:0.0253 tbe:0.0177 our:0.0170 their:0.0124 her:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.3721 is:0.1279 he:0.1242 has:0.0932 was:0.0874 are:0.0610 have:0.0410 had:0.0395 be:0.0276 were:0.0259 -:0.7544 of:0.0796 and:0.0647 to:0.0244 the:0.0214 a:0.0137 in:0.0129 was:0.0108 is:0.0098 for:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -been:0.5995 :0.2341 had:0.0534 not:0.0267 ever:0.0211 be:0.0185 never:0.0158 always:0.0122 already:0.0096 was:0.0091 -:0.7772 a:0.0436 they:0.0374 the:0.0319 he:0.0238 and:0.0217 was:0.0214 we:0.0181 is:0.0131 are:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5335 the:0.1723 and:0.0699 in:0.0504 an:0.0466 a:0.0299 his:0.0282 of:0.0275 their:0.0236 to:0.0182 -:0.8626 the:0.0773 a:0.0174 it:0.0073 he:0.0070 tho:0.0069 and:0.0057 said:0.0056 to:0.0053 that:0.0050 -to:0.3029 :0.3637 on:0.1048 for:0.0534 with:0.0345 in:0.0319 at:0.0302 and:0.0286 by:0.0250 from:0.0250 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8675 and:0.0485 of:0.0216 in:0.0134 said:0.0102 but:0.0091 to:0.0078 so:0.0077 is:0.0072 fact:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9274 and:0.0188 of:0.0124 in:0.0086 that:0.0082 to:0.0057 is:0.0054 it:0.0050 was:0.0048 at:0.0036 -the:0.2543 :0.4092 his:0.0951 a:0.0763 and:0.0544 their:0.0434 of:0.0212 in:0.0163 to:0.0160 tho:0.0138 -:0.8560 was:0.0512 is:0.0258 had:0.0251 made:0.0119 and:0.0066 went:0.0065 came:0.0057 used:0.0056 found:0.0054 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.7128 years:0.0650 days:0.0505 hundred:0.0358 months:0.0304 of:0.0294 and:0.0290 or:0.0213 miles:0.0164 weeks:0.0094 -:0.7414 the:0.0610 a:0.0403 and:0.0385 of:0.0341 to:0.0303 an:0.0224 in:0.0125 or:0.0105 his:0.0089 -:0.6584 of:0.1305 and:0.0731 in:0.0408 the:0.0257 that:0.0165 or:0.0156 was:0.0139 by:0.0129 for:0.0126 -:0.5701 and:0.1007 of:0.0846 but:0.0643 that:0.0467 if:0.0318 as:0.0313 in:0.0249 which:0.0236 for:0.0221 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6358 to:0.1318 and:0.0725 the:0.0379 a:0.0317 will:0.0256 of:0.0211 not:0.0191 would:0.0134 may:0.0111 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -the:0.2088 :0.5921 to:0.0551 of:0.0456 a:0.0238 and:0.0214 tho:0.0162 in:0.0148 an:0.0115 his:0.0109 -:0.6609 of:0.0819 in:0.0601 for:0.0510 and:0.0483 to:0.0250 with:0.0243 by:0.0168 at:0.0166 that:0.0153 -:0.9168 as:0.0190 it:0.0157 men:0.0090 people:0.0089 time:0.0067 person:0.0067 city:0.0065 bonds:0.0055 land:0.0051 -:0.5947 a:0.1770 the:0.1225 an:0.0280 said:0.0214 to:0.0151 this:0.0119 all:0.0108 any:0.0097 tho:0.0089 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8157 and:0.0675 is:0.0214 be:0.0213 was:0.0200 the:0.0155 he:0.0119 a:0.0097 have:0.0087 they:0.0082 -:0.8773 day:0.0342 time:0.0186 part:0.0181 one:0.0142 side:0.0106 line:0.0091 condition:0.0061 number:0.0059 kind:0.0058 -:0.8513 people:0.0547 men:0.0418 man:0.0226 woman:0.0056 person:0.0055 law:0.0050 farmers:0.0048 persons:0.0045 farmer:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8904 few:0.0182 little:0.0171 good:0.0148 great:0.0141 large:0.0138 very:0.0093 certain:0.0091 long:0.0072 small:0.0060 -:0.7333 the:0.1438 a:0.0376 it:0.0180 his:0.0124 that:0.0117 tho:0.0114 by:0.0108 this:0.0108 to:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.9338 people:0.0107 world:0.0102 same:0.0093 law:0.0074 city:0.0067 war:0.0064 government:0.0062 case:0.0053 bill:0.0040 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7808 more:0.0780 less:0.0404 better:0.0299 greater:0.0193 than:0.0154 worse:0.0119 rather:0.0113 higher:0.0067 larger:0.0062 -:0.8587 and:0.0389 of:0.0261 to:0.0163 year:0.0159 the:0.0150 in:0.0086 that:0.0075 two:0.0072 one:0.0058 -:0.8798 and:0.0541 days:0.0202 years:0.0100 months:0.0081 day:0.0070 or:0.0064 but:0.0053 that:0.0049 long:0.0044 -:0.7245 the:0.1137 and:0.0373 was:0.0333 is:0.0316 are:0.0152 a:0.0136 his:0.0105 of:0.0104 or:0.0099 -:0.8195 come:0.0327 failed:0.0294 been:0.0252 decided:0.0180 not:0.0176 gone:0.0168 made:0.0158 able:0.0146 tried:0.0103 -:0.8528 and:0.0932 that:0.0102 but:0.0087 or:0.0085 is:0.0061 day:0.0059 days:0.0057 years:0.0045 was:0.0044 -:0.7431 he:0.0856 it:0.0487 mortgage:0.0329 she:0.0260 petition:0.0181 that:0.0167 county:0.0122 deed:0.0085 land:0.0082 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6417 the:0.1782 a:0.0462 and:0.0406 of:0.0401 in:0.0196 was:0.0094 his:0.0085 is:0.0079 tho:0.0078 -:0.8979 and:0.0295 of:0.0245 the:0.0118 in:0.0093 that:0.0061 to:0.0057 is:0.0053 was:0.0050 with:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7811 and:0.0638 to:0.0447 of:0.0274 the:0.0224 in:0.0135 a:0.0131 as:0.0130 that:0.0125 is:0.0085 -as:0.1915 :0.6730 that:0.0290 are:0.0173 and:0.0168 be:0.0161 in:0.0155 is:0.0142 which:0.0137 if:0.0128 -:0.5594 to:0.1947 in:0.0710 and:0.0391 from:0.0314 by:0.0280 at:0.0204 up:0.0197 out:0.0187 with:0.0176 -:0.4816 was:0.1694 had:0.1398 has:0.0780 is:0.0629 would:0.0232 could:0.0161 will:0.0117 have:0.0094 are:0.0079 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7697 of:0.0605 and:0.0539 was:0.0238 or:0.0188 in:0.0175 is:0.0170 the:0.0151 that:0.0123 to:0.0115 -:0.7308 the:0.1121 a:0.0454 of:0.0399 and:0.0184 in:0.0151 his:0.0125 by:0.0113 as:0.0075 with:0.0071 -:0.6599 of:0.1920 and:0.0440 to:0.0268 in:0.0202 per:0.0174 on:0.0121 for:0.0102 the:0.0089 that:0.0086 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -been:0.2885 :0.5515 to:0.0421 a:0.0361 the:0.0237 not:0.0188 no:0.0149 made:0.0103 an:0.0071 seen:0.0071 -:0.8542 if:0.0412 that:0.0292 as:0.0185 before:0.0138 whether:0.0107 when:0.0088 otherwise:0.0086 how:0.0076 and:0.0075 -:0.9039 them:0.0179 him:0.0158 it:0.0140 feet:0.0132 as:0.0086 and:0.0077 up:0.0072 us:0.0060 is:0.0058 -:0.6712 in:0.0580 of:0.0551 to:0.0516 for:0.0319 that:0.0291 with:0.0287 on:0.0266 at:0.0239 by:0.0238 -:0.9433 and:0.0172 days:0.0119 day:0.0085 years:0.0041 interest:0.0037 time:0.0033 or:0.0027 months:0.0027 but:0.0027 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6346 to:0.1756 will:0.0366 would:0.0351 we:0.0325 and:0.0263 the:0.0191 they:0.0149 may:0.0132 not:0.0122 -:0.7333 than:0.1739 to:0.0224 and:0.0182 of:0.0155 in:0.0113 a:0.0097 the:0.0059 that:0.0058 an:0.0042 -to:0.1938 :0.3973 in:0.0857 by:0.0690 from:0.0618 with:0.0474 on:0.0474 for:0.0361 of:0.0314 and:0.0302 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8508 and:0.0752 of:0.0249 is:0.0094 or:0.0091 to:0.0071 are:0.0066 the:0.0062 in:0.0058 was:0.0048 -:0.7398 of:0.1531 and:0.0231 hundred:0.0194 to:0.0162 or:0.0122 in:0.0109 year:0.0096 day:0.0083 that:0.0072 -:0.8687 of:0.0452 and:0.0175 or:0.0152 to:0.0122 at:0.0106 with:0.0095 for:0.0082 is:0.0065 six:0.0064 -:0.9709 the:0.0057 will:0.0053 to:0.0041 his:0.0027 a:0.0026 would:0.0024 this:0.0022 should:0.0021 may:0.0021 -:0.6858 order:0.1073 regard:0.1041 addition:0.0368 relation:0.0182 reference:0.0155 said:0.0103 time:0.0083 them:0.0074 which:0.0065 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.4986 of:0.1259 and:0.0741 at:0.0689 ago:0.0608 in:0.0554 after:0.0404 from:0.0269 for:0.0265 to:0.0225 -:0.7899 the:0.0864 a:0.0395 in:0.0198 so:0.0194 his:0.0170 no:0.0080 by:0.0073 as:0.0066 is:0.0061 -of:0.3272 :0.3994 to:0.0615 and:0.0587 the:0.0496 in:0.0322 a:0.0302 for:0.0218 or:0.0098 his:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8218 which:0.0376 they:0.0354 it:0.0286 them:0.0217 you:0.0163 there:0.0109 years:0.0098 men:0.0093 we:0.0086 -:0.8357 the:0.0527 a:0.0343 to:0.0175 as:0.0144 and:0.0118 in:0.0109 all:0.0078 an:0.0076 his:0.0073 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6655 to:0.0621 which:0.0510 we:0.0485 and:0.0453 who:0.0380 they:0.0266 that:0.0235 would:0.0226 will:0.0169 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.7537 to:0.0993 and:0.0376 the:0.0207 for:0.0202 in:0.0189 that:0.0165 of:0.0149 on:0.0096 at:0.0085 -:0.8306 the:0.1032 a:0.0175 that:0.0092 and:0.0091 he:0.0077 said:0.0064 tho:0.0057 of:0.0053 in:0.0053 -the:0.6391 :0.2292 a:0.0415 tho:0.0278 his:0.0173 our:0.0143 their:0.0092 this:0.0077 its:0.0072 tbe:0.0067 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7487 is:0.0479 the:0.0401 a:0.0330 and:0.0305 was:0.0260 an:0.0189 such:0.0188 of:0.0187 her:0.0173 -:0.8817 the:0.0342 a:0.0179 to:0.0157 and:0.0114 in:0.0100 not:0.0078 been:0.0077 of:0.0075 for:0.0060 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.7879 and:0.0588 was:0.0325 is:0.0258 have:0.0193 be:0.0180 are:0.0159 has:0.0145 he:0.0142 had:0.0132 -:0.8735 and:0.0364 know:0.0174 to:0.0141 him:0.0114 in:0.0114 us:0.0105 say:0.0091 all:0.0083 fact:0.0078 -:0.8987 of:0.0329 the:0.0214 and:0.0135 in:0.0084 a:0.0068 by:0.0053 on:0.0050 for:0.0040 his:0.0039 -:0.5282 of:0.3115 and:0.0466 was:0.0253 in:0.0222 the:0.0172 is:0.0162 or:0.0130 to:0.0122 for:0.0076 -:0.8072 other:0.0692 of:0.0396 one:0.0277 time:0.0121 and:0.0104 more:0.0095 person:0.0090 the:0.0086 kind:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.7873 the:0.0630 to:0.0496 and:0.0446 will:0.0190 in:0.0103 of:0.0082 or:0.0061 a:0.0060 that:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8288 the:0.0389 that:0.0216 in:0.0211 no:0.0176 all:0.0172 any:0.0159 if:0.0139 every:0.0128 by:0.0121 -:0.7082 the:0.1054 of:0.0514 and:0.0413 in:0.0329 is:0.0179 a:0.0141 was:0.0111 for:0.0093 by:0.0083 -of:0.1080 :0.6949 to:0.0603 and:0.0344 in:0.0235 for:0.0211 the:0.0185 that:0.0152 from:0.0133 by:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.1671 to:0.1286 in:0.0770 on:0.0554 for:0.0516 :0.4357 from:0.0274 and:0.0240 at:0.0206 by:0.0127 -a:0.8014 :0.1076 the:0.0563 this:0.0122 every:0.0049 all:0.0041 their:0.0040 said:0.0033 his:0.0033 very:0.0030 -:0.7796 and:0.0674 to:0.0297 was:0.0268 of:0.0260 or:0.0201 is:0.0180 for:0.0124 has:0.0109 that:0.0091 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9059 one:0.0280 some:0.0129 out:0.0126 all:0.0094 more:0.0086 any:0.0065 because:0.0062 many:0.0053 that:0.0047 -:0.6841 more:0.1753 less:0.0513 better:0.0379 rather:0.0226 worse:0.0113 it:0.0054 there:0.0047 higher:0.0037 as:0.0036 -:0.8429 the:0.0902 and:0.0171 a:0.0127 of:0.0089 or:0.0071 an:0.0059 his:0.0056 tho:0.0052 any:0.0045 -:0.7344 of:0.1211 and:0.0606 the:0.0179 to:0.0173 as:0.0127 or:0.0115 from:0.0094 for:0.0081 in:0.0071 -to:0.3129 :0.5005 of:0.0575 the:0.0410 and:0.0307 in:0.0219 a:0.0109 on:0.0086 that:0.0083 for:0.0077 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -the:0.2244 a:0.1941 :0.3616 his:0.0721 their:0.0583 its:0.0330 an:0.0185 tho:0.0131 her:0.0125 our:0.0124 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6575 the:0.1695 a:0.0549 and:0.0310 of:0.0202 this:0.0170 was:0.0154 his:0.0149 to:0.0100 in:0.0096 -the:0.3150 :0.4295 a:0.0615 his:0.0598 their:0.0360 this:0.0294 her:0.0207 tho:0.0176 such:0.0168 its:0.0136 -:0.6826 the:0.1817 and:0.0304 a:0.0239 of:0.0191 his:0.0162 tho:0.0142 our:0.0111 to:0.0110 their:0.0100 -:0.7191 the:0.1208 much:0.0451 a:0.0310 to:0.0296 it:0.0138 many:0.0124 he:0.0114 and:0.0100 his:0.0069 -:0.7766 the:0.0629 a:0.0437 more:0.0328 in:0.0237 to:0.0171 and:0.0150 on:0.0108 of:0.0107 at:0.0067 -:0.6390 the:0.2286 his:0.0376 a:0.0312 its:0.0120 in:0.0116 two:0.0107 their:0.0105 tho:0.0096 that:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -of:0.4724 :0.4109 and:0.0395 in:0.0165 to:0.0139 the:0.0135 is:0.0112 or:0.0087 for:0.0067 was:0.0067 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8441 of:0.0539 and:0.0315 the:0.0178 that:0.0129 who:0.0116 in:0.0095 which:0.0075 or:0.0072 for:0.0041 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.7727 the:0.1447 of:0.0206 a:0.0183 and:0.0173 his:0.0066 tho:0.0058 said:0.0055 this:0.0045 no:0.0041 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -:0.8971 efforts:0.0188 way:0.0142 people:0.0131 power:0.0113 right:0.0106 feet:0.0103 order:0.0089 duty:0.0086 time:0.0070 -to:0.7520 :0.1512 that:0.0260 will:0.0235 not:0.0104 shall:0.0081 would:0.0080 may:0.0070 can:0.0069 should:0.0069 -are:0.2886 have:0.2695 were:0.0875 :0.2675 be:0.0361 had:0.0190 do:0.0121 know:0.0089 has:0.0059 arc:0.0051 -:0.8543 and:0.0389 is:0.0244 was:0.0243 the:0.0124 be:0.0120 are:0.0119 a:0.0076 were:0.0073 to:0.0070 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6911 the:0.2236 and:0.0151 that:0.0138 a:0.0124 it:0.0106 tho:0.0091 to:0.0085 his:0.0085 their:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6701 will:0.0633 as:0.0470 and:0.0384 that:0.0358 is:0.0307 if:0.0301 would:0.0289 may:0.0284 when:0.0274 -:0.9456 up:0.0123 and:0.0107 that:0.0058 made:0.0045 engaged:0.0044 but:0.0044 out:0.0043 down:0.0042 as:0.0038 -:0.5554 of:0.2907 and:0.0464 the:0.0369 to:0.0186 in:0.0162 a:0.0136 as:0.0082 for:0.0072 are:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.6963 to:0.0664 by:0.0502 in:0.0361 the:0.0334 from:0.0302 as:0.0266 up:0.0250 a:0.0190 on:0.0168 -:0.9602 came:0.0086 it:0.0076 went:0.0044 free:0.0035 received:0.0034 come:0.0033 away:0.0031 made:0.0029 taken:0.0029 -:0.6456 of:0.0839 in:0.0797 and:0.0623 for:0.0250 that:0.0241 to:0.0217 on:0.0212 by:0.0184 at:0.0180 -:0.8582 as:0.0292 in:0.0215 such:0.0179 with:0.0168 for:0.0155 by:0.0119 to:0.0104 on:0.0102 at:0.0083 -to:0.6418 :0.2377 in:0.0242 and:0.0219 for:0.0215 that:0.0158 by:0.0100 on:0.0097 as:0.0097 of:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.7325 the:0.1084 that:0.0339 a:0.0252 to:0.0223 in:0.0218 it:0.0166 and:0.0158 for:0.0118 by:0.0117 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5669 of:0.2081 and:0.0916 that:0.0326 the:0.0262 in:0.0244 to:0.0157 which:0.0142 or:0.0107 as:0.0095 -:0.5692 of:0.2599 and:0.0672 the:0.0305 that:0.0186 in:0.0180 or:0.0106 for:0.0094 to:0.0092 which:0.0075 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6350 of:0.1301 for:0.0672 and:0.0498 in:0.0348 the:0.0274 by:0.0163 to:0.0147 with:0.0132 that:0.0115 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4100 :0.4457 his:0.0330 an:0.0210 their:0.0195 our:0.0192 tho:0.0184 a:0.0132 its:0.0101 her:0.0100 -:0.8917 and:0.0242 it:0.0198 that:0.0141 up:0.0117 him:0.0084 out:0.0082 was:0.0075 you:0.0074 them:0.0070 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8683 to:0.0383 and:0.0358 of:0.0155 in:0.0121 for:0.0095 at:0.0062 as:0.0050 that:0.0046 the:0.0046 -:0.8848 and:0.0399 is:0.0199 was:0.0134 are:0.0121 were:0.0086 or:0.0063 be:0.0058 of:0.0048 that:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.7264 of:0.0608 and:0.0532 who:0.0433 in:0.0271 to:0.0271 the:0.0169 is:0.0157 that:0.0149 was:0.0146 -:0.6672 the:0.1473 a:0.0544 of:0.0339 and:0.0233 to:0.0202 that:0.0164 for:0.0151 in:0.0124 this:0.0098 -:0.7492 of:0.0612 and:0.0573 ago:0.0395 in:0.0193 to:0.0174 on:0.0154 from:0.0149 the:0.0148 or:0.0111 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.8581 the:0.0308 to:0.0241 a:0.0223 and:0.0167 in:0.0120 that:0.0108 for:0.0092 it:0.0084 as:0.0075 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5111 will:0.1440 to:0.0987 shall:0.0564 may:0.0455 would:0.0426 should:0.0402 can:0.0265 must:0.0210 not:0.0141 -:0.8352 and:0.0614 to:0.0602 are:0.0105 for:0.0078 of:0.0077 or:0.0046 at:0.0044 in:0.0043 it:0.0039 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.7510 and:0.0734 of:0.0519 to:0.0462 the:0.0278 in:0.0136 or:0.0099 that:0.0089 with:0.0087 for:0.0087 -of:0.5068 :0.4007 and:0.0345 in:0.0134 the:0.0110 or:0.0086 a:0.0065 with:0.0064 for:0.0063 is:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6189 to:0.1363 will:0.0617 and:0.0535 would:0.0278 has:0.0260 have:0.0211 had:0.0200 should:0.0191 we:0.0156 -:0.6871 of:0.0959 in:0.0458 for:0.0364 and:0.0357 to:0.0248 with:0.0245 is:0.0203 was:0.0174 by:0.0121 -:0.7925 and:0.0580 the:0.0443 was:0.0199 it:0.0193 or:0.0170 of:0.0157 is:0.0132 an:0.0105 he:0.0095 -:0.9246 m:0.0393 and:0.0093 is:0.0055 was:0.0055 are:0.0036 days:0.0034 man:0.0033 demand:0.0028 house:0.0027 -:0.7681 to:0.0539 of:0.0511 and:0.0437 in:0.0230 for:0.0172 that:0.0135 is:0.0109 from:0.0095 at:0.0092 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -the:0.0173 tho:0.0067 a:0.0067 his:0.0047 tbe:0.0041 said:0.0038 this:0.0036 no:0.0036 :0.9465 such:0.0028 -:0.8154 very:0.0754 great:0.0312 little:0.0181 good:0.0163 certain:0.0110 few:0.0092 single:0.0078 fair:0.0078 new:0.0078 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8651 been:0.0385 be:0.0322 in:0.0143 the:0.0122 to:0.0103 and:0.0101 had:0.0071 have:0.0054 made:0.0048 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9537 city:0.0066 same:0.0064 year:0.0057 two:0.0056 law:0.0049 world:0.0046 county:0.0044 time:0.0043 people:0.0038 -to:0.2696 :0.2800 will:0.1553 would:0.0534 shall:0.0505 must:0.0449 can:0.0445 may:0.0425 should:0.0343 and:0.0252 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7493 as:0.0503 of:0.0423 in:0.0353 to:0.0348 with:0.0276 for:0.0189 by:0.0154 is:0.0130 that:0.0130 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8430 and:0.0411 he:0.0319 who:0.0202 we:0.0134 that:0.0125 it:0.0115 they:0.0099 to:0.0090 which:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6979 the:0.2014 and:0.0327 of:0.0176 that:0.0095 a:0.0094 this:0.0086 tho:0.0083 to:0.0075 an:0.0072 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6643 and:0.1551 of:0.0488 at:0.0336 is:0.0211 in:0.0208 are:0.0157 to:0.0137 with:0.0135 than:0.0134 -:0.8763 made:0.0326 given:0.0180 held:0.0129 done:0.0122 followed:0.0118 taken:0.0104 caused:0.0091 not:0.0085 appointed:0.0084 -:0.8957 not:0.0289 in:0.0214 on:0.0124 made:0.0095 with:0.0070 at:0.0064 now:0.0062 for:0.0062 found:0.0061 -:0.8565 and:0.0258 are:0.0217 was:0.0194 were:0.0193 had:0.0138 or:0.0121 a:0.0115 is:0.0100 the:0.0099 -:0.8047 a:0.0800 the:0.0205 and:0.0182 of:0.0182 that:0.0149 p:0.0134 to:0.0116 or:0.0097 was:0.0088 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.7017 as:0.1664 the:0.0221 from:0.0199 by:0.0186 more:0.0185 and:0.0164 in:0.0143 to:0.0124 out:0.0097 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8050 which:0.0622 it:0.0414 that:0.0248 this:0.0160 them:0.0140 the:0.0111 you:0.0111 what:0.0081 land:0.0063 -:0.7577 that:0.0935 of:0.0409 from:0.0213 in:0.0177 on:0.0166 to:0.0147 and:0.0137 for:0.0122 all:0.0117 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9545 people:0.0104 government:0.0057 world:0.0048 country:0.0044 war:0.0043 city:0.0042 bill:0.0040 man:0.0039 latter:0.0038 -have:0.5810 had:0.2751 has:0.0419 :0.0653 havo:0.0104 bave:0.0068 bad:0.0058 are:0.0054 always:0.0044 not:0.0038 -:0.6488 to:0.0763 the:0.0597 that:0.0583 in:0.0380 it:0.0316 by:0.0251 a:0.0249 for:0.0198 and:0.0174 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4727 is:0.1236 was:0.1008 and:0.0625 are:0.0609 will:0.0532 did:0.0338 do:0.0332 does:0.0304 could:0.0289 -to:0.3997 will:0.0527 of:0.0369 :0.3958 a:0.0282 may:0.0247 would:0.0167 and:0.0164 the:0.0151 shall:0.0138 -:0.7803 and:0.0867 of:0.0479 is:0.0152 to:0.0135 was:0.0122 that:0.0122 the:0.0118 in:0.0114 at:0.0089 -:0.7562 the:0.1501 a:0.0225 and:0.0169 of:0.0129 this:0.0123 that:0.0119 which:0.0071 it:0.0051 he:0.0050 -:0.9472 country:0.0079 law:0.0074 world:0.0072 city:0.0066 matter:0.0062 fact:0.0053 case:0.0047 people:0.0041 bill:0.0033 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.7134 to:0.1068 the:0.0903 a:0.0293 not:0.0113 more:0.0111 other:0.0108 any:0.0098 and:0.0090 in:0.0082 -:0.8184 the:0.0333 and:0.0315 is:0.0264 a:0.0213 it:0.0159 in:0.0153 as:0.0132 was:0.0126 of:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6373 the:0.1203 a:0.0769 that:0.0632 to:0.0261 in:0.0201 it:0.0163 as:0.0161 of:0.0126 by:0.0111 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.5771 to:0.1446 will:0.1399 would:0.0442 and:0.0327 can:0.0149 may:0.0141 could:0.0117 should:0.0113 must:0.0095 -:0.9093 and:0.0197 of:0.0173 or:0.0100 in:0.0083 years:0.0083 days:0.0080 the:0.0079 with:0.0056 feet:0.0056 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.7233 and:0.0771 of:0.0752 the:0.0328 in:0.0264 to:0.0162 on:0.0143 for:0.0140 at:0.0108 as:0.0098 -:0.9456 city:0.0083 world:0.0075 law:0.0073 matter:0.0066 people:0.0061 country:0.0056 right:0.0049 war:0.0042 time:0.0039 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.7961 went:0.0482 had:0.0351 is:0.0256 was:0.0200 came:0.0198 began:0.0194 seemed:0.0161 ought:0.0106 seems:0.0092 -:0.3675 they:0.1718 we:0.1591 he:0.0937 it:0.0867 you:0.0543 she:0.0368 one:0.0108 there:0.0099 that:0.0094 -:0.8032 and:0.0719 that:0.0568 but:0.0252 which:0.0156 than:0.0058 of:0.0055 as:0.0055 where:0.0054 in:0.0051 -:0.4817 to:0.1920 will:0.1251 we:0.0623 would:0.0350 and:0.0275 can:0.0207 could:0.0197 may:0.0190 they:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5761 the:0.0834 and:0.0764 of:0.0719 in:0.0541 to:0.0540 a:0.0231 for:0.0227 is:0.0197 was:0.0187 -:0.7727 and:0.0749 which:0.0484 who:0.0217 it:0.0206 of:0.0139 that:0.0133 there:0.0119 as:0.0114 he:0.0111 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -the:0.2557 a:0.1694 this:0.1230 :0.3136 last:0.0405 every:0.0316 any:0.0209 no:0.0178 one:0.0161 he:0.0114 -:0.8405 home:0.0523 oclock:0.0305 him:0.0194 once:0.0158 hand:0.0118 night:0.0099 present:0.0068 me:0.0067 all:0.0064 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8928 up:0.0246 down:0.0167 out:0.0147 in:0.0122 away:0.0112 it:0.0089 on:0.0074 and:0.0058 off:0.0057 -be:0.4484 :0.2608 he:0.1137 have:0.0978 bo:0.0255 lie:0.0205 ho:0.0103 they:0.0080 not:0.0076 we:0.0073 -:0.5930 or:0.1682 of:0.0673 and:0.0515 the:0.0410 to:0.0337 are:0.0122 is:0.0119 was:0.0107 a:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7956 the:0.0667 and:0.0383 a:0.0244 in:0.0150 of:0.0149 that:0.0141 by:0.0124 to:0.0106 his:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7398 of:0.1531 and:0.0231 hundred:0.0194 to:0.0162 or:0.0122 in:0.0109 year:0.0096 day:0.0083 that:0.0072 -:0.6689 the:0.1383 of:0.0579 and:0.0539 in:0.0244 no:0.0150 a:0.0131 an:0.0126 this:0.0082 his:0.0077 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7384 was:0.0698 and:0.0432 is:0.0405 he:0.0213 be:0.0212 has:0.0202 have:0.0160 it:0.0152 not:0.0142 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.5385 to:0.1374 of:0.1208 the:0.0729 a:0.0496 and:0.0350 in:0.0173 it:0.0097 or:0.0095 for:0.0093 -have:0.6936 :0.2213 be:0.0350 having:0.0154 havo:0.0128 bave:0.0076 bo:0.0051 the:0.0031 had:0.0030 do:0.0030 -:0.6358 a:0.1811 the:0.0665 and:0.0311 in:0.0185 to:0.0176 of:0.0147 was:0.0128 is:0.0110 his:0.0109 -:0.9060 m:0.0288 of:0.0236 and:0.0141 in:0.0074 is:0.0047 said:0.0044 the:0.0041 was:0.0036 are:0.0033 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8318 and:0.0610 is:0.0225 was:0.0217 are:0.0129 were:0.0127 be:0.0103 has:0.0101 or:0.0090 a:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8872 and:0.0242 of:0.0168 the:0.0166 that:0.0125 it:0.0122 to:0.0095 a:0.0078 is:0.0074 which:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5312 the:0.3098 a:0.0847 his:0.0159 tho:0.0156 an:0.0095 this:0.0091 their:0.0090 tbe:0.0077 it:0.0076 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -been:0.4699 :0.3791 not:0.0383 never:0.0249 be:0.0186 he:0.0175 ever:0.0145 already:0.0136 always:0.0133 had:0.0102 -:0.5823 in:0.1132 to:0.0643 by:0.0639 of:0.0500 from:0.0303 for:0.0296 on:0.0262 with:0.0210 that:0.0190 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7236 the:0.1369 and:0.0290 a:0.0277 of:0.0263 his:0.0196 that:0.0143 this:0.0099 to:0.0066 tho:0.0061 -:0.7326 of:0.0705 and:0.0648 to:0.0277 the:0.0211 in:0.0210 for:0.0177 by:0.0151 as:0.0151 that:0.0144 -not:0.5964 :0.2582 we:0.0304 you:0.0260 they:0.0252 he:0.0212 it:0.0154 the:0.0133 who:0.0084 never:0.0056 -to:0.1549 the:0.1420 :0.5768 a:0.0387 his:0.0275 them:0.0174 tho:0.0125 their:0.0118 tbe:0.0095 its:0.0088 -been:0.1562 a:0.1255 :0.5690 no:0.0380 not:0.0377 become:0.0217 ever:0.0136 to:0.0136 the:0.0127 always:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5967 of:0.1402 the:0.1062 to:0.0399 and:0.0299 in:0.0264 that:0.0193 a:0.0173 it:0.0122 which:0.0120 -:0.6024 be:0.2382 have:0.0348 not:0.0326 he:0.0296 the:0.0252 bo:0.0195 a:0.0073 it:0.0055 do:0.0052 -:0.8750 and:0.0503 that:0.0200 or:0.0158 were:0.0074 was:0.0071 but:0.0068 out:0.0061 times:0.0058 up:0.0058 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9153 chance:0.0124 desire:0.0119 little:0.0098 time:0.0097 visit:0.0092 right:0.0091 letter:0.0083 bill:0.0079 fair:0.0063 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.5399 as:0.2368 is:0.0629 and:0.0407 was:0.0390 so:0.0192 the:0.0179 are:0.0163 be:0.0138 a:0.0135 -the:0.4633 :0.4615 tho:0.0192 which:0.0139 this:0.0093 that:0.0083 a:0.0075 his:0.0064 tbe:0.0054 said:0.0051 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9226 home:0.0203 and:0.0159 husband:0.0094 work:0.0067 head:0.0052 that:0.0052 life:0.0051 friends:0.0049 heart:0.0048 -:0.7018 years:0.0704 days:0.0687 and:0.0546 ago:0.0232 months:0.0209 or:0.0194 times:0.0171 weeks:0.0123 but:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8876 great:0.0207 the:0.0197 same:0.0137 most:0.0122 other:0.0108 highest:0.0103 first:0.0097 new:0.0079 public:0.0073 -:0.8198 of:0.0349 that:0.0299 and:0.0268 is:0.0228 the:0.0218 in:0.0155 was:0.0130 are:0.0093 were:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7150 of:0.1051 in:0.0537 and:0.0339 for:0.0216 to:0.0201 with:0.0158 by:0.0132 the:0.0116 that:0.0099 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7217 and:0.1042 of:0.0720 to:0.0196 was:0.0174 in:0.0167 the:0.0159 is:0.0125 that:0.0101 or:0.0099 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.6256 that:0.0752 the:0.0730 and:0.0567 of:0.0487 to:0.0368 in:0.0265 a:0.0236 it:0.0186 he:0.0153 -:0.8488 and:0.0491 is:0.0220 was:0.0183 to:0.0124 not:0.0106 will:0.0104 as:0.0099 that:0.0093 who:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4572 in:0.1383 for:0.0855 on:0.0657 by:0.0577 to:0.0546 with:0.0545 upon:0.0317 as:0.0291 at:0.0257 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.7727 is:0.1063 was:0.0327 to:0.0189 and:0.0155 will:0.0155 has:0.0131 it:0.0085 as:0.0084 would:0.0082 -:0.8873 it:0.0300 is:0.0243 time:0.0174 was:0.0110 he:0.0083 are:0.0077 there:0.0049 and:0.0046 if:0.0046 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7618 and:0.0728 the:0.0497 in:0.0259 a:0.0256 of:0.0251 his:0.0125 as:0.0092 was:0.0089 is:0.0086 -:0.7006 the:0.1310 and:0.0553 to:0.0379 a:0.0211 of:0.0161 his:0.0120 or:0.0092 will:0.0089 tho:0.0077 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8044 of:0.0442 and:0.0355 in:0.0290 to:0.0265 as:0.0167 for:0.0152 the:0.0112 that:0.0100 is:0.0074 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.6745 a:0.1016 so:0.0576 as:0.0421 the:0.0419 and:0.0241 of:0.0199 is:0.0138 was:0.0130 very:0.0116 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.7435 is:0.0696 and:0.0657 was:0.0390 of:0.0240 in:0.0147 to:0.0117 have:0.0111 are:0.0103 for:0.0103 -:0.5099 by:0.1229 for:0.0995 that:0.0499 in:0.0463 the:0.0430 a:0.0386 on:0.0382 with:0.0316 of:0.0202 -:0.8793 and:0.0317 of:0.0278 to:0.0228 that:0.0090 or:0.0070 as:0.0060 is:0.0059 for:0.0054 the:0.0051 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8720 been:0.0316 the:0.0244 a:0.0135 to:0.0108 in:0.0099 had:0.0097 and:0.0097 since:0.0093 was:0.0091 -:0.6184 the:0.1346 to:0.0987 and:0.0452 by:0.0223 in:0.0218 a:0.0187 from:0.0142 with:0.0140 for:0.0121 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8449 the:0.0346 a:0.0309 in:0.0226 more:0.0212 be:0.0108 to:0.0091 and:0.0088 it:0.0086 that:0.0086 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.5554 of:0.1366 as:0.0584 in:0.0501 and:0.0454 for:0.0410 with:0.0387 is:0.0308 by:0.0228 to:0.0208 -the:0.3031 :0.4946 at:0.0811 and:0.0274 of:0.0259 to:0.0158 a:0.0153 his:0.0133 tho:0.0120 our:0.0115 -:0.7952 the:0.0630 a:0.0328 of:0.0258 two:0.0176 little:0.0162 few:0.0147 one:0.0131 other:0.0127 three:0.0088 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5551 of:0.2874 and:0.0796 to:0.0214 or:0.0134 in:0.0114 the:0.0082 is:0.0080 from:0.0079 that:0.0076 -to:0.4391 :0.3876 will:0.0679 would:0.0277 may:0.0164 you:0.0163 can:0.0157 not:0.0105 we:0.0095 and:0.0093 -:0.8969 own:0.0426 first:0.0104 very:0.0097 home:0.0085 as:0.0073 heart:0.0070 wife:0.0063 work:0.0058 friends:0.0054 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.5369 the:0.1293 a:0.1040 to:0.0846 his:0.0434 and:0.0427 all:0.0185 their:0.0161 in:0.0141 tho:0.0104 -:0.7741 to:0.0828 the:0.0372 of:0.0203 in:0.0175 a:0.0164 and:0.0162 for:0.0136 that:0.0128 as:0.0091 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.8675 it:0.0254 him:0.0224 and:0.0215 so:0.0130 them:0.0121 such:0.0107 that:0.0096 is:0.0091 you:0.0088 -of:0.2363 :0.5049 the:0.1082 and:0.0467 or:0.0243 to:0.0199 in:0.0180 a:0.0158 with:0.0143 their:0.0115 -:0.6774 be:0.0754 was:0.0556 is:0.0490 had:0.0295 and:0.0290 has:0.0286 have:0.0228 are:0.0177 he:0.0150 -:0.5705 in:0.0888 to:0.0779 with:0.0688 as:0.0478 for:0.0434 by:0.0292 on:0.0270 and:0.0268 from:0.0199 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.6271 of:0.1502 and:0.0671 to:0.0440 in:0.0297 on:0.0218 the:0.0168 that:0.0155 for:0.0140 was:0.0138 -:0.9466 and:0.0251 it:0.0060 that:0.0040 or:0.0036 is:0.0035 was:0.0034 but:0.0028 of:0.0026 as:0.0024 -of:0.5988 :0.1952 in:0.0560 to:0.0388 and:0.0323 with:0.0230 at:0.0199 that:0.0152 for:0.0117 on:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7523 and:0.0608 of:0.0532 a:0.0342 the:0.0259 was:0.0244 is:0.0198 are:0.0106 in:0.0098 with:0.0089 -:0.9037 and:0.0286 of:0.0248 auction:0.0146 or:0.0063 to:0.0060 that:0.0044 was:0.0043 schools:0.0039 for:0.0035 -the:0.4404 :0.4147 of:0.0404 a:0.0388 tho:0.0151 in:0.0148 and:0.0110 an:0.0089 no:0.0083 his:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -the:0.2353 :0.5240 a:0.1070 of:0.0282 and:0.0270 an:0.0249 or:0.0185 in:0.0154 to:0.0105 tho:0.0092 -:0.7123 to:0.1729 and:0.0350 will:0.0251 can:0.0135 in:0.0094 should:0.0083 the:0.0082 a:0.0079 would:0.0074 -:0.7804 three:0.0542 two:0.0468 ten:0.0219 six:0.0211 four:0.0198 the:0.0193 less:0.0134 more:0.0122 twenty:0.0111 -:0.9228 to:0.0201 and:0.0143 in:0.0069 but:0.0067 or:0.0064 out:0.0062 him:0.0059 that:0.0059 us:0.0048 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9187 own:0.0278 wife:0.0122 hands:0.0069 life:0.0065 death:0.0060 home:0.0058 way:0.0057 heart:0.0052 hand:0.0051 -:0.8743 young:0.0398 whole:0.0151 other:0.0150 two:0.0130 various:0.0104 following:0.0097 great:0.0081 best:0.0078 past:0.0069 -:0.5815 of:0.2107 and:0.0647 the:0.0626 in:0.0209 to:0.0126 from:0.0126 or:0.0117 with:0.0116 that:0.0109 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -:0.7159 the:0.1845 and:0.0403 his:0.0160 a:0.0136 of:0.0100 tho:0.0053 an:0.0050 to:0.0049 in:0.0047 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.9138 and:0.0333 the:0.0117 to:0.0102 of:0.0091 as:0.0070 in:0.0049 that:0.0043 with:0.0028 a:0.0028 -of:0.2583 :0.4756 and:0.0810 in:0.0426 for:0.0381 at:0.0307 to:0.0223 is:0.0214 on:0.0150 from:0.0150 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8383 and:0.0310 the:0.0301 of:0.0244 in:0.0222 as:0.0136 to:0.0120 a:0.0112 on:0.0093 from:0.0079 -:0.9435 matter:0.0123 man:0.0095 year:0.0061 word:0.0060 point:0.0050 law:0.0045 thing:0.0044 way:0.0044 bill:0.0043 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.6414 that:0.1427 which:0.0584 least:0.0338 all:0.0269 home:0.0247 the:0.0232 what:0.0207 once:0.0185 but:0.0096 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -of:0.4065 to:0.1815 :0.2502 in:0.0456 and:0.0314 for:0.0266 with:0.0170 on:0.0155 from:0.0143 by:0.0114 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -of:0.7108 :0.1450 in:0.0317 to:0.0234 for:0.0215 and:0.0178 on:0.0166 ot:0.0132 from:0.0102 with:0.0098 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.9402 in:0.0190 on:0.0090 time:0.0063 from:0.0051 days:0.0046 and:0.0042 at:0.0041 to:0.0040 with:0.0033 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -the:0.2639 :0.6101 these:0.0302 our:0.0158 tho:0.0154 two:0.0152 all:0.0152 his:0.0142 young:0.0112 three:0.0086 -to:0.5376 :0.3530 as:0.0254 that:0.0241 a:0.0197 the:0.0144 and:0.0090 per:0.0067 an:0.0055 so:0.0045 -:0.9444 amount:0.0098 line:0.0097 end:0.0066 out:0.0060 day:0.0058 part:0.0053 office:0.0042 one:0.0042 use:0.0042 -:0.8872 and:0.0242 of:0.0168 the:0.0166 that:0.0125 it:0.0122 to:0.0095 a:0.0078 is:0.0074 which:0.0058 -:0.9303 same:0.0137 great:0.0118 first:0.0080 most:0.0075 highest:0.0069 present:0.0059 in:0.0055 public:0.0052 new:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6780 that:0.1396 in:0.0352 to:0.0308 with:0.0218 far:0.0215 much:0.0214 and:0.0176 as:0.0171 for:0.0170 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.6659 of:0.1337 and:0.0581 in:0.0391 the:0.0236 for:0.0200 to:0.0196 on:0.0159 that:0.0125 is:0.0115 -:0.6918 the:0.1785 a:0.0504 and:0.0209 this:0.0148 his:0.0135 in:0.0079 was:0.0078 is:0.0075 an:0.0069 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.9489 and:0.0093 feet:0.0078 went:0.0067 is:0.0052 right:0.0051 according:0.0048 able:0.0047 desire:0.0043 are:0.0031 -:0.5052 that:0.1186 and:0.1116 as:0.0746 but:0.0452 if:0.0404 which:0.0396 of:0.0236 when:0.0231 where:0.0182 -of:0.1848 :0.3705 in:0.1065 to:0.0931 and:0.0609 with:0.0492 as:0.0454 for:0.0419 that:0.0253 by:0.0223 -:0.8214 to:0.0406 him:0.0321 them:0.0184 and:0.0181 by:0.0152 on:0.0142 it:0.0137 more:0.0134 one:0.0128 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -the:0.4113 :0.3732 a:0.0685 any:0.0418 his:0.0283 tho:0.0213 their:0.0180 many:0.0134 our:0.0125 two:0.0117 -:0.7070 the:0.1492 a:0.0391 to:0.0178 that:0.0177 this:0.0171 which:0.0159 his:0.0130 its:0.0118 by:0.0115 -:0.6650 it:0.1611 there:0.0472 that:0.0336 and:0.0326 he:0.0206 which:0.0190 but:0.0093 as:0.0060 what:0.0057 -:0.8311 and:0.0659 of:0.0177 was:0.0170 or:0.0152 came:0.0124 are:0.0120 is:0.0117 went:0.0110 will:0.0060 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.7560 which:0.0538 it:0.0532 that:0.0275 we:0.0243 and:0.0224 he:0.0193 who:0.0146 they:0.0145 there:0.0143 -:0.4354 the:0.2447 a:0.2437 of:0.0199 and:0.0164 his:0.0112 tho:0.0096 was:0.0069 their:0.0061 to:0.0061 -:0.6932 and:0.1020 of:0.0880 in:0.0304 to:0.0274 the:0.0173 that:0.0129 are:0.0119 as:0.0087 is:0.0083 -:0.8718 and:0.0284 the:0.0203 was:0.0154 to:0.0143 is:0.0136 will:0.0109 or:0.0095 it:0.0080 would:0.0078 -:0.6684 the:0.1163 a:0.0491 and:0.0306 in:0.0304 by:0.0304 to:0.0247 on:0.0184 from:0.0170 with:0.0147 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -to:0.5302 :0.3364 will:0.0460 and:0.0299 we:0.0182 they:0.0085 should:0.0085 may:0.0080 that:0.0072 would:0.0070 -:0.7726 of:0.0715 the:0.0630 and:0.0234 a:0.0177 in:0.0158 for:0.0135 or:0.0086 to:0.0070 by:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3106 :0.4481 in:0.0727 to:0.0551 and:0.0415 or:0.0165 that:0.0151 with:0.0148 for:0.0139 on:0.0117 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9428 world:0.0092 bill:0.0076 law:0.0073 government:0.0065 city:0.0064 result:0.0055 case:0.0054 country:0.0053 land:0.0042 -the:0.6119 :0.2126 a:0.0509 his:0.0376 tho:0.0229 their:0.0213 an:0.0151 our:0.0093 her:0.0092 its:0.0092 -:0.6520 of:0.1817 and:0.0467 in:0.0268 to:0.0267 the:0.0175 as:0.0156 or:0.0122 on:0.0111 from:0.0096 -:0.8357 charged:0.0426 filled:0.0265 covered:0.0206 complied:0.0148 met:0.0131 connected:0.0128 found:0.0119 done:0.0112 satisfied:0.0110 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -the:0.0113 no:0.0081 tho:0.0067 a:0.0059 their:0.0059 our:0.0048 of:0.0045 his:0.0044 its:0.0042 every:0.0039 -:0.8806 great:0.0238 good:0.0185 little:0.0181 few:0.0164 large:0.0096 single:0.0092 very:0.0087 certain:0.0086 small:0.0065 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.9578 and:0.0172 one:0.0038 or:0.0036 that:0.0035 was:0.0033 out:0.0032 it:0.0032 is:0.0022 day:0.0021 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7131 has:0.0610 and:0.0590 have:0.0378 had:0.0338 will:0.0250 would:0.0213 was:0.0210 he:0.0145 is:0.0135 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6308 that:0.1649 the:0.0533 a:0.0339 to:0.0330 it:0.0293 of:0.0182 he:0.0134 in:0.0124 they:0.0106 -:0.9580 people:0.0084 law:0.0054 matter:0.0044 work:0.0043 same:0.0042 world:0.0040 men:0.0039 government:0.0037 country:0.0036 -:0.5386 of:0.1576 and:0.0876 is:0.0484 the:0.0430 was:0.0281 at:0.0275 with:0.0267 are:0.0224 in:0.0201 -:0.5057 a:0.1248 of:0.0666 as:0.0555 to:0.0517 for:0.0512 and:0.0443 the:0.0387 in:0.0362 is:0.0252 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.7935 favor:0.0664 order:0.0280 spite:0.0245 one:0.0232 all:0.0133 front:0.0129 some:0.0129 behalf:0.0127 any:0.0125 -:0.5111 will:0.1440 to:0.0987 shall:0.0564 may:0.0455 would:0.0426 should:0.0402 can:0.0265 must:0.0210 not:0.0141 -:0.7953 of:0.0962 and:0.0326 was:0.0146 in:0.0144 is:0.0114 the:0.0110 are:0.0090 for:0.0079 that:0.0076 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8830 the:0.0269 and:0.0253 of:0.0150 that:0.0121 in:0.0113 he:0.0079 a:0.0074 for:0.0063 as:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4774 :0.3601 to:0.0383 for:0.0326 and:0.0235 in:0.0201 the:0.0193 or:0.0115 on:0.0103 said:0.0069 -:0.9294 and:0.0276 or:0.0078 it:0.0065 was:0.0063 men:0.0054 that:0.0047 is:0.0045 but:0.0042 situated:0.0035 -:0.4871 of:0.1587 and:0.0980 to:0.0807 in:0.0448 for:0.0446 or:0.0237 is:0.0228 but:0.0228 with:0.0169 -of:0.3053 to:0.1374 for:0.1289 :0.2649 by:0.0335 in:0.0322 with:0.0317 on:0.0242 and:0.0218 from:0.0200 -:0.7056 to:0.0831 and:0.0476 that:0.0307 by:0.0266 of:0.0265 the:0.0252 in:0.0252 for:0.0150 with:0.0145 -:0.8519 of:0.0544 and:0.0303 in:0.0199 was:0.0094 on:0.0080 to:0.0078 at:0.0068 or:0.0060 is:0.0055 -:0.8637 it:0.0396 and:0.0260 which:0.0259 he:0.0119 there:0.0077 who:0.0075 that:0.0074 as:0.0062 day:0.0041 -:0.7594 the:0.0915 and:0.0395 of:0.0393 a:0.0211 other:0.0130 in:0.0114 this:0.0086 to:0.0081 his:0.0081 -:0.6077 of:0.1425 and:0.0849 to:0.0493 in:0.0460 is:0.0186 was:0.0156 the:0.0124 will:0.0119 on:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.4290 :0.3890 we:0.0568 they:0.0447 he:0.0282 is:0.0135 well:0.0126 may:0.0097 a:0.0092 she:0.0071 -:0.6130 of:0.1850 and:0.0835 in:0.0384 the:0.0183 to:0.0156 for:0.0139 are:0.0113 is:0.0105 that:0.0105 -:0.8119 and:0.0963 which:0.0251 it:0.0142 he:0.0111 who:0.0097 that:0.0092 as:0.0091 of:0.0083 there:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.2880 :0.4915 the:0.1140 it:0.0375 that:0.0131 an:0.0128 him:0.0128 is:0.0114 and:0.0095 he:0.0093 -:0.8488 hour:0.0489 act:0.0189 increase:0.0175 amount:0.0157 order:0.0127 action:0.0122 example:0.0091 average:0.0083 explanation:0.0081 -:0.5033 is:0.1751 and:0.0908 was:0.0795 in:0.0408 to:0.0307 or:0.0247 of:0.0246 for:0.0184 has:0.0121 -:0.8229 been:0.0707 made:0.0236 done:0.0195 seen:0.0148 found:0.0124 succeeded:0.0092 not:0.0090 served:0.0090 occurred:0.0090 -:0.8146 the:0.0564 and:0.0338 a:0.0206 that:0.0192 of:0.0167 or:0.0139 to:0.0090 one:0.0081 this:0.0077 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9284 one:0.0175 sale:0.0100 all:0.0087 thousands:0.0085 any:0.0076 those:0.0057 each:0.0048 some:0.0046 section:0.0041 -:0.9348 and:0.0115 went:0.0076 it:0.0074 according:0.0073 able:0.0070 is:0.0070 came:0.0062 enough:0.0059 them:0.0053 -:0.6569 of:0.0927 the:0.0815 a:0.0619 in:0.0331 by:0.0182 and:0.0170 at:0.0132 for:0.0130 that:0.0125 -:0.9011 and:0.0337 or:0.0166 to:0.0115 is:0.0089 day:0.0072 was:0.0060 had:0.0056 years:0.0048 it:0.0046 -:0.5581 of:0.1524 and:0.1013 in:0.0575 to:0.0456 for:0.0255 by:0.0181 with:0.0150 the:0.0147 on:0.0119 -the:0.1944 :0.6310 a:0.0658 be:0.0227 he:0.0186 him:0.0175 not:0.0137 it:0.0126 tho:0.0119 they:0.0118 -:0.9033 and:0.0419 as:0.0109 of:0.0108 to:0.0086 number:0.0069 in:0.0048 the:0.0047 line:0.0043 time:0.0037 -:0.7367 be:0.0627 come:0.0400 have:0.0352 go:0.0284 seem:0.0270 appear:0.0251 apply:0.0166 continue:0.0147 not:0.0135 -:0.6047 that:0.0980 any:0.0905 the:0.0709 no:0.0535 in:0.0275 a:0.0203 some:0.0116 what:0.0116 her:0.0114 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.8487 the:0.0404 of:0.0256 and:0.0221 to:0.0212 a:0.0124 in:0.0104 that:0.0082 was:0.0059 is:0.0050 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6795 the:0.1272 a:0.0867 was:0.0255 and:0.0229 is:0.0173 of:0.0151 are:0.0095 his:0.0089 in:0.0074 -:0.7502 the:0.0772 and:0.0623 is:0.0242 was:0.0241 are:0.0168 be:0.0132 he:0.0112 were:0.0111 in:0.0098 -:0.8753 of:0.0439 to:0.0205 in:0.0158 and:0.0116 for:0.0090 or:0.0079 on:0.0062 than:0.0054 but:0.0044 -to:0.1174 :0.4773 by:0.0825 in:0.0624 for:0.0570 on:0.0538 of:0.0534 from:0.0459 and:0.0261 that:0.0242 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.9005 and:0.0155 in:0.0142 to:0.0129 the:0.0113 as:0.0107 that:0.0104 of:0.0089 by:0.0083 a:0.0073 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8529 taken:0.0394 made:0.0301 received:0.0268 derived:0.0098 removed:0.0094 drawn:0.0087 served:0.0085 seen:0.0076 sold:0.0067 -:0.8222 of:0.0384 two:0.0309 three:0.0224 and:0.0207 the:0.0167 ten:0.0166 six:0.0128 five:0.0098 four:0.0095 -of:0.2820 :0.3843 to:0.0730 the:0.0622 and:0.0610 a:0.0479 for:0.0274 in:0.0237 is:0.0232 was:0.0152 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6421 he:0.1074 they:0.0939 she:0.0382 we:0.0365 it:0.0308 one:0.0155 the:0.0124 ho:0.0123 that:0.0109 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.5672 of:0.1541 the:0.0840 in:0.0621 and:0.0519 to:0.0187 it:0.0169 which:0.0169 that:0.0142 for:0.0139 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.5885 is:0.1273 was:0.0995 are:0.0865 were:0.0521 and:0.0181 being:0.0112 be:0.0062 has:0.0061 occurred:0.0045 -:0.8576 it:0.0304 and:0.0286 which:0.0165 who:0.0149 we:0.0137 he:0.0122 they:0.0092 that:0.0090 you:0.0080 -:0.9486 and:0.0248 of:0.0081 law:0.0032 the:0.0030 in:0.0026 line:0.0026 man:0.0024 to:0.0023 or:0.0023 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.8656 great:0.0276 little:0.0217 large:0.0157 good:0.0148 very:0.0135 certain:0.0133 new:0.0109 the:0.0093 special:0.0076 -:0.8316 so:0.0291 said:0.0207 believed:0.0190 true:0.0185 not:0.0177 now:0.0172 understood:0.0163 evident:0.0159 sure:0.0141 -:0.5723 the:0.3017 a:0.0470 and:0.0162 of:0.0141 his:0.0128 tho:0.0120 this:0.0090 in:0.0079 no:0.0071 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7524 to:0.0805 been:0.0496 in:0.0396 by:0.0164 made:0.0132 not:0.0128 on:0.0125 for:0.0124 that:0.0107 -:0.6771 the:0.1189 and:0.0465 from:0.0364 a:0.0245 to:0.0237 with:0.0235 by:0.0181 in:0.0175 that:0.0138 -:0.7985 is:0.0444 are:0.0375 was:0.0327 were:0.0248 and:0.0178 or:0.0174 be:0.0103 in:0.0084 has:0.0081 -:0.8929 the:0.0423 and:0.0155 to:0.0113 that:0.0093 it:0.0064 a:0.0061 in:0.0060 of:0.0056 an:0.0046 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7213 was:0.0829 had:0.0562 is:0.0535 has:0.0289 would:0.0160 could:0.0135 will:0.0122 said:0.0083 it:0.0073 -of:0.4228 :0.2664 to:0.0786 in:0.0774 and:0.0311 on:0.0310 for:0.0286 at:0.0236 from:0.0212 that:0.0192 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8220 year:0.0402 night:0.0388 week:0.0233 they:0.0208 we:0.0139 and:0.0136 he:0.0136 person:0.0072 evening:0.0066 -:0.8059 the:0.0528 as:0.0222 and:0.0215 is:0.0186 a:0.0182 was:0.0177 in:0.0176 with:0.0143 his:0.0111 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8688 and:0.0312 went:0.0299 came:0.0158 laid:0.0129 it:0.0115 was:0.0097 put:0.0081 are:0.0061 is:0.0060 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -the:0.3037 :0.4908 a:0.0553 his:0.0421 tho:0.0299 its:0.0208 their:0.0196 to:0.0160 her:0.0114 our:0.0104 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -of:0.5643 :0.2089 in:0.0788 to:0.0544 with:0.0187 and:0.0185 from:0.0171 on:0.0159 for:0.0157 is:0.0076 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.5684 of:0.1642 and:0.0744 to:0.0564 in:0.0420 the:0.0295 for:0.0261 by:0.0141 on:0.0135 was:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8504 and:0.0413 to:0.0327 of:0.0150 not:0.0142 was:0.0137 will:0.0095 have:0.0078 the:0.0078 is:0.0075 -:0.7703 to:0.0711 and:0.0695 of:0.0211 for:0.0141 or:0.0125 is:0.0109 was:0.0104 as:0.0101 are:0.0100 -:0.9244 and:0.0240 it:0.0109 but:0.0079 him:0.0078 that:0.0062 them:0.0056 out:0.0047 place:0.0045 up:0.0040 -:0.8103 and:0.0383 up:0.0338 to:0.0302 for:0.0204 out:0.0179 him:0.0164 or:0.0114 down:0.0112 in:0.0102 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.7018 at:0.0786 to:0.0453 in:0.0368 the:0.0364 a:0.0321 and:0.0310 by:0.0161 for:0.0123 an:0.0097 -the:0.4631 :0.4164 a:0.0321 his:0.0181 this:0.0162 tho:0.0135 her:0.0117 our:0.0113 all:0.0089 said:0.0086 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.7255 of:0.1372 and:0.0340 in:0.0279 that:0.0214 the:0.0147 with:0.0138 or:0.0088 by:0.0086 for:0.0082 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8586 reason:0.0554 matter:0.0138 way:0.0136 doubt:0.0118 time:0.0112 one:0.0108 action:0.0086 means:0.0083 place:0.0078 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -:0.8244 it:0.0294 he:0.0288 they:0.0281 we:0.0265 and:0.0199 which:0.0113 who:0.0109 that:0.0108 you:0.0098 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.7534 was:0.0584 and:0.0462 is:0.0404 to:0.0234 of:0.0195 be:0.0180 are:0.0180 were:0.0121 has:0.0104 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8587 and:0.0389 of:0.0261 to:0.0163 year:0.0159 the:0.0150 in:0.0086 that:0.0075 two:0.0072 one:0.0058 -to:0.6940 :0.2150 and:0.0416 will:0.0117 as:0.0099 not:0.0085 would:0.0059 shall:0.0051 of:0.0043 in:0.0039 -:0.5636 it:0.1558 he:0.1206 they:0.0438 there:0.0384 we:0.0243 that:0.0215 she:0.0158 you:0.0086 ho:0.0076 -:0.7524 to:0.0805 been:0.0496 in:0.0396 by:0.0164 made:0.0132 not:0.0128 on:0.0125 for:0.0124 that:0.0107 -the:0.4281 :0.4612 a:0.0258 tho:0.0219 their:0.0167 his:0.0139 tbe:0.0088 any:0.0087 an:0.0078 our:0.0073 -:0.7076 the:0.1156 of:0.0551 a:0.0438 and:0.0332 to:0.0152 this:0.0082 his:0.0079 in:0.0071 tho:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4864 by:0.0877 the:0.0718 in:0.0618 to:0.0600 a:0.0510 for:0.0500 and:0.0498 of:0.0485 at:0.0329 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8924 side:0.0263 day:0.0189 part:0.0147 parts:0.0144 one:0.0105 kind:0.0062 line:0.0059 number:0.0057 way:0.0050 -:0.8209 it:0.0657 which:0.0394 and:0.0391 that:0.0112 there:0.0080 what:0.0044 this:0.0042 of:0.0038 he:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7146 of:0.0595 and:0.0488 to:0.0384 the:0.0365 that:0.0289 a:0.0267 in:0.0209 with:0.0153 for:0.0105 -:0.8727 fact:0.0670 said:0.0165 belief:0.0095 world:0.0061 effect:0.0058 matter:0.0058 ground:0.0058 law:0.0055 opinion:0.0052 -:0.9600 made:0.0072 not:0.0066 in:0.0045 killed:0.0040 taken:0.0038 due:0.0037 one:0.0037 given:0.0033 known:0.0031 -:0.6155 of:0.1857 and:0.0832 to:0.0233 the:0.0228 for:0.0171 that:0.0153 in:0.0149 or:0.0123 on:0.0099 -of:0.3787 :0.4864 and:0.0359 in:0.0315 for:0.0190 by:0.0137 ot:0.0088 all:0.0088 at:0.0087 that:0.0085 -:0.8105 to:0.0734 the:0.0373 and:0.0226 that:0.0118 a:0.0105 of:0.0089 it:0.0088 in:0.0084 he:0.0077 -:0.6236 of:0.1615 in:0.0600 for:0.0375 and:0.0367 with:0.0184 as:0.0160 on:0.0158 at:0.0158 is:0.0146 -:0.8270 the:0.0674 a:0.0236 all:0.0196 that:0.0153 his:0.0138 last:0.0110 her:0.0086 tho:0.0069 these:0.0066 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9572 it:0.0101 and:0.0079 that:0.0050 out:0.0050 he:0.0045 was:0.0034 made:0.0025 him:0.0022 one:0.0022 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.6238 the:0.2719 of:0.0226 an:0.0184 a:0.0127 tho:0.0118 his:0.0115 and:0.0097 this:0.0095 no:0.0081 -:0.7838 to:0.0710 and:0.0572 of:0.0265 the:0.0159 in:0.0136 or:0.0084 will:0.0080 been:0.0078 for:0.0078 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6658 of:0.1030 and:0.0882 in:0.0358 to:0.0258 that:0.0255 the:0.0161 was:0.0138 is:0.0134 or:0.0126 -:0.9342 man:0.0118 day:0.0107 hand:0.0084 and:0.0074 it:0.0065 company:0.0059 country:0.0051 which:0.0050 who:0.0049 -of:0.3785 :0.4783 and:0.0595 in:0.0167 or:0.0145 the:0.0134 for:0.0129 to:0.0102 ot:0.0081 as:0.0079 -be:0.5671 he:0.1041 :0.1830 bo:0.0573 not:0.0363 have:0.0269 never:0.0087 lie:0.0076 soon:0.0046 they:0.0044 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9436 man:0.0253 year:0.0062 war:0.0051 vote:0.0038 matter:0.0037 long:0.0032 way:0.0031 boy:0.0030 point:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6390 the:0.1896 a:0.0611 to:0.0347 and:0.0261 this:0.0116 tho:0.0115 would:0.0090 that:0.0089 his:0.0085 -:0.6744 to:0.0898 as:0.0622 and:0.0540 of:0.0386 the:0.0330 in:0.0204 at:0.0102 that:0.0088 from:0.0086 -:0.8666 and:0.0443 of:0.0194 to:0.0146 in:0.0122 for:0.0103 the:0.0098 is:0.0083 that:0.0078 was:0.0067 -:0.8963 and:0.0304 of:0.0296 is:0.0114 the:0.0071 to:0.0067 was:0.0058 that:0.0053 in:0.0038 for:0.0036 -:0.8232 and:0.0437 it:0.0343 there:0.0321 which:0.0265 that:0.0145 he:0.0119 but:0.0055 in:0.0044 she:0.0037 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3263 :0.4515 the:0.0747 and:0.0466 to:0.0346 in:0.0239 a:0.0114 or:0.0114 that:0.0101 which:0.0094 -:0.8824 the:0.0474 that:0.0143 and:0.0123 with:0.0095 a:0.0094 at:0.0063 in:0.0062 of:0.0062 by:0.0059 -:0.8090 the:0.0443 and:0.0292 of:0.0277 to:0.0236 in:0.0226 a:0.0163 for:0.0104 or:0.0093 that:0.0077 -:0.7357 and:0.1076 of:0.0680 in:0.0249 to:0.0139 the:0.0135 as:0.0094 or:0.0094 at:0.0094 was:0.0082 -:0.6521 the:0.1679 a:0.0518 of:0.0475 in:0.0223 by:0.0169 and:0.0122 for:0.0115 tho:0.0104 an:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8067 and:0.0621 in:0.0269 of:0.0255 to:0.0172 with:0.0168 on:0.0138 by:0.0124 but:0.0097 as:0.0090 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9563 city:0.0063 house:0.0056 right:0.0051 interest:0.0048 work:0.0048 people:0.0045 time:0.0042 world:0.0042 country:0.0041 -:0.6974 be:0.1236 the:0.0642 do:0.0390 a:0.0166 have:0.0152 get:0.0122 take:0.0113 make:0.0110 go:0.0096 -:0.7723 of:0.0685 and:0.0540 the:0.0346 for:0.0151 to:0.0143 at:0.0135 in:0.0100 or:0.0099 is:0.0079 -:0.6863 the:0.1315 a:0.0831 to:0.0187 in:0.0146 it:0.0142 out:0.0134 on:0.0131 their:0.0128 them:0.0122 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6750 the:0.1562 his:0.0521 a:0.0276 and:0.0229 of:0.0212 that:0.0161 her:0.0102 to:0.0097 their:0.0091 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -to:0.2897 :0.3683 on:0.0763 in:0.0749 of:0.0653 from:0.0409 for:0.0294 by:0.0293 with:0.0139 and:0.0119 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6833 to:0.1460 and:0.0565 will:0.0329 of:0.0180 can:0.0149 would:0.0137 was:0.0126 is:0.0117 he:0.0103 -:0.8744 of:0.0492 and:0.0323 the:0.0143 or:0.0089 that:0.0053 which:0.0048 in:0.0039 to:0.0035 than:0.0035 -:0.7064 the:0.0840 in:0.0398 and:0.0352 to:0.0311 that:0.0302 a:0.0270 of:0.0225 for:0.0126 on:0.0112 -is:0.2672 was:0.1464 :0.4381 with:0.0310 as:0.0292 in:0.0227 to:0.0203 has:0.0198 by:0.0130 for:0.0123 -:0.5353 the:0.2743 of:0.0563 a:0.0563 in:0.0274 and:0.0132 with:0.0118 tho:0.0090 by:0.0082 his:0.0081 -:0.6189 come:0.1013 be:0.0604 go:0.0600 get:0.0553 take:0.0313 have:0.0241 put:0.0205 carry:0.0145 look:0.0137 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6509 the:0.1253 of:0.0615 by:0.0556 and:0.0250 a:0.0225 this:0.0203 no:0.0143 in:0.0135 for:0.0112 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5376 of:0.1607 and:0.0910 the:0.0807 in:0.0397 on:0.0256 for:0.0215 his:0.0198 to:0.0136 at:0.0098 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8103 a:0.0425 the:0.0382 to:0.0282 in:0.0206 one:0.0195 and:0.0148 of:0.0113 that:0.0079 by:0.0067 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.7600 and:0.0616 of:0.0581 to:0.0551 the:0.0176 is:0.0124 are:0.0104 in:0.0088 or:0.0088 was:0.0073 -:0.7945 and:0.0424 be:0.0357 was:0.0314 have:0.0240 has:0.0193 is:0.0165 were:0.0128 he:0.0120 had:0.0113 -:0.6658 of:0.1030 and:0.0882 in:0.0358 to:0.0258 that:0.0255 the:0.0161 was:0.0138 is:0.0134 or:0.0126 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -the:0.0205 this:0.0181 of:0.0064 tho:0.0054 last:0.0052 every:0.0045 such:0.0040 in:0.0040 his:0.0039 a:0.0038 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -:0.6580 the:0.1266 a:0.0764 in:0.0443 and:0.0277 to:0.0181 that:0.0154 one:0.0114 for:0.0114 his:0.0107 -:0.8401 and:0.0553 of:0.0453 the:0.0217 to:0.0093 in:0.0076 for:0.0062 or:0.0053 a:0.0046 which:0.0046 -:0.6659 of:0.1337 and:0.0581 in:0.0391 the:0.0236 for:0.0200 to:0.0196 on:0.0159 that:0.0125 is:0.0115 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.9349 as:0.0137 men:0.0103 time:0.0086 work:0.0063 sale:0.0061 land:0.0057 man:0.0051 service:0.0048 and:0.0045 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.9216 as:0.0146 is:0.0100 it:0.0089 him:0.0086 them:0.0078 have:0.0075 according:0.0073 regard:0.0071 are:0.0066 -:0.7219 the:0.1701 to:0.0462 and:0.0154 a:0.0147 of:0.0082 said:0.0074 will:0.0062 tho:0.0054 in:0.0044 -:0.9416 it:0.0193 up:0.0078 out:0.0069 him:0.0057 in:0.0043 to:0.0038 them:0.0037 that:0.0035 here:0.0033 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7677 the:0.0640 a:0.0482 given:0.0414 to:0.0243 in:0.0160 it:0.0148 for:0.0083 on:0.0081 all:0.0071 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8486 the:0.0389 of:0.0268 and:0.0263 in:0.0145 a:0.0136 to:0.0098 by:0.0083 for:0.0076 on:0.0056 -:0.8168 the:0.0985 of:0.0211 a:0.0142 and:0.0107 that:0.0090 this:0.0081 tho:0.0079 in:0.0074 his:0.0064 -:0.5259 to:0.1048 in:0.0925 that:0.0552 for:0.0484 on:0.0456 of:0.0393 by:0.0355 from:0.0292 at:0.0235 -:0.8651 been:0.0385 be:0.0322 in:0.0143 the:0.0122 to:0.0103 and:0.0101 had:0.0071 have:0.0054 made:0.0048 -:0.6266 the:0.1021 in:0.0584 to:0.0519 a:0.0387 on:0.0315 and:0.0262 for:0.0241 of:0.0205 by:0.0200 -:0.6652 it:0.1704 there:0.0669 he:0.0340 that:0.0222 which:0.0122 what:0.0092 she:0.0079 then:0.0061 who:0.0059 -:0.6659 of:0.1069 and:0.0878 in:0.0301 to:0.0259 the:0.0217 for:0.0217 at:0.0171 is:0.0117 was:0.0112 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -of:0.4437 :0.2590 in:0.0752 by:0.0407 to:0.0404 on:0.0378 with:0.0305 from:0.0282 for:0.0267 and:0.0179 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9195 and:0.0321 which:0.0134 who:0.0086 that:0.0051 man:0.0048 men:0.0046 but:0.0045 people:0.0038 of:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6410 of:0.0829 and:0.0612 the:0.0600 a:0.0444 in:0.0358 for:0.0252 to:0.0218 with:0.0145 is:0.0130 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -be:0.6974 bo:0.0536 :0.1677 have:0.0270 not:0.0186 get:0.0182 take:0.0062 do:0.0057 been:0.0029 come:0.0025 -:0.6997 of:0.1540 and:0.0450 the:0.0237 in:0.0189 or:0.0139 a:0.0135 at:0.0115 to:0.0111 for:0.0088 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -:0.6991 to:0.0713 and:0.0667 or:0.0396 was:0.0264 that:0.0258 but:0.0230 is:0.0172 as:0.0164 for:0.0145 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9018 mortgage:0.0272 county:0.0170 petition:0.0119 city:0.0112 land:0.0071 lot:0.0069 premises:0.0068 action:0.0058 country:0.0044 -:0.7961 the:0.0928 of:0.0258 and:0.0213 to:0.0184 a:0.0112 that:0.0095 this:0.0091 in:0.0088 tho:0.0070 -:0.6034 in:0.0905 a:0.0777 the:0.0564 so:0.0400 by:0.0330 with:0.0311 and:0.0278 his:0.0210 to:0.0191 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5721 the:0.1436 you:0.0526 him:0.0525 them:0.0373 it:0.0365 her:0.0313 a:0.0291 me:0.0227 his:0.0223 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9395 and:0.0209 of:0.0141 county:0.0044 time:0.0042 or:0.0041 day:0.0034 line:0.0032 the:0.0031 city:0.0030 -:0.5745 the:0.2298 his:0.0496 of:0.0369 and:0.0338 a:0.0292 tho:0.0137 its:0.0123 my:0.0102 their:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6184 of:0.2119 and:0.0699 to:0.0174 the:0.0171 in:0.0168 or:0.0142 that:0.0122 at:0.0117 for:0.0105 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9003 and:0.0209 went:0.0201 came:0.0145 was:0.0096 it:0.0077 are:0.0071 is:0.0070 set:0.0066 come:0.0062 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7797 and:0.0580 of:0.0568 to:0.0370 or:0.0169 for:0.0162 in:0.0105 the:0.0094 that:0.0090 which:0.0065 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3389 :0.4869 this:0.0385 a:0.0264 his:0.0234 tho:0.0225 said:0.0164 its:0.0159 which:0.0156 their:0.0154 -:0.6509 the:0.0755 and:0.0608 of:0.0597 to:0.0555 a:0.0381 in:0.0266 for:0.0168 with:0.0080 or:0.0080 -the:0.5582 a:0.1420 :0.1931 his:0.0227 tho:0.0188 this:0.0186 our:0.0138 its:0.0129 any:0.0102 their:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8344 more:0.0479 and:0.0292 the:0.0270 been:0.0140 so:0.0101 not:0.0097 is:0.0095 then:0.0092 to:0.0089 -:0.8111 and:0.0550 to:0.0314 of:0.0239 in:0.0171 the:0.0170 that:0.0132 was:0.0126 will:0.0102 is:0.0084 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.5438 the:0.1101 a:0.1095 last:0.0741 this:0.0499 one:0.0380 every:0.0325 next:0.0231 first:0.0099 each:0.0092 -:0.6797 the:0.1642 of:0.0392 and:0.0350 a:0.0325 or:0.0137 no:0.0104 in:0.0087 one:0.0087 his:0.0079 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9499 same:0.0139 first:0.0065 present:0.0060 best:0.0046 th:0.0045 county:0.0037 only:0.0037 following:0.0037 most:0.0034 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7988 than:0.0979 or:0.0211 of:0.0192 and:0.0172 to:0.0146 the:0.0124 a:0.0074 in:0.0065 for:0.0049 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6663 of:0.1630 and:0.0660 the:0.0244 in:0.0223 to:0.0161 from:0.0130 as:0.0114 for:0.0093 on:0.0082 -:0.6985 and:0.1129 who:0.0405 he:0.0391 that:0.0255 we:0.0216 they:0.0208 man:0.0165 is:0.0130 it:0.0116 -:0.6691 the:0.1135 a:0.0805 any:0.0309 of:0.0253 and:0.0192 in:0.0172 to:0.0166 his:0.0139 no:0.0137 -:0.7903 the:0.0438 and:0.0321 a:0.0275 is:0.0265 of:0.0251 was:0.0177 that:0.0130 his:0.0126 has:0.0115 -:0.7019 a:0.0914 not:0.0456 no:0.0343 to:0.0260 the:0.0260 now:0.0229 it:0.0198 hereby:0.0167 too:0.0155 -:0.9497 world:0.0073 matter:0.0071 city:0.0061 case:0.0060 people:0.0057 same:0.0050 law:0.0049 way:0.0047 war:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7335 in:0.0957 on:0.0338 to:0.0329 for:0.0198 all:0.0197 by:0.0173 with:0.0165 at:0.0159 of:0.0148 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6894 of:0.1029 and:0.0997 in:0.0270 to:0.0210 is:0.0148 was:0.0137 are:0.0129 as:0.0104 have:0.0080 -:0.6590 and:0.1578 of:0.0626 that:0.0259 is:0.0253 to:0.0159 was:0.0149 or:0.0147 in:0.0135 for:0.0103 -of:0.3618 :0.3771 in:0.0957 to:0.0325 from:0.0288 on:0.0266 and:0.0261 for:0.0197 with:0.0180 that:0.0137 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9573 and:0.0187 it:0.0040 was:0.0038 in:0.0033 to:0.0031 will:0.0029 he:0.0024 is:0.0023 line:0.0023 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.9242 same:0.0188 most:0.0115 next:0.0079 last:0.0077 said:0.0073 other:0.0064 first:0.0063 very:0.0056 following:0.0041 -:0.5187 of:0.2816 and:0.0742 in:0.0392 to:0.0320 the:0.0138 for:0.0129 are:0.0098 on:0.0091 was:0.0087 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8925 part:0.0371 number:0.0125 line:0.0099 amount:0.0097 portion:0.0089 side:0.0084 one:0.0073 day:0.0070 end:0.0067 -years:0.2598 :0.4855 days:0.0850 months:0.0766 weeks:0.0434 and:0.0207 year:0.0121 minutes:0.0064 time:0.0060 he:0.0045 -:0.7463 say:0.0769 know:0.0349 see:0.0330 be:0.0252 believe:0.0211 learn:0.0178 show:0.0177 think:0.0140 do:0.0132 -the:0.3136 :0.4333 a:0.1225 tho:0.0299 this:0.0287 no:0.0221 its:0.0135 his:0.0130 their:0.0120 any:0.0114 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8462 and:0.0564 the:0.0218 a:0.0145 to:0.0127 was:0.0123 of:0.0101 be:0.0094 is:0.0090 this:0.0075 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8755 time:0.0573 way:0.0200 and:0.0090 one:0.0083 thing:0.0071 work:0.0060 reason:0.0058 person:0.0056 day:0.0054 -:0.6389 in:0.0960 as:0.0520 by:0.0428 with:0.0385 to:0.0343 for:0.0341 at:0.0255 if:0.0211 on:0.0168 -the:0.3469 a:0.1977 :0.3262 this:0.0402 no:0.0273 tho:0.0137 any:0.0136 their:0.0128 such:0.0118 our:0.0097 -:0.8307 feet:0.0841 years:0.0217 miles:0.0202 and:0.0117 days:0.0087 according:0.0071 back:0.0054 or:0.0053 is:0.0050 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5822 of:0.1520 and:0.0722 that:0.0446 the:0.0367 to:0.0366 is:0.0260 in:0.0224 was:0.0140 for:0.0132 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9037 husband:0.0238 home:0.0194 wife:0.0100 father:0.0088 life:0.0078 head:0.0077 children:0.0064 friends:0.0062 heart:0.0062 -:0.8162 and:0.0394 of:0.0322 that:0.0223 the:0.0219 him:0.0149 it:0.0143 which:0.0135 them:0.0132 us:0.0121 -:0.8260 of:0.0505 and:0.0430 the:0.0209 that:0.0131 in:0.0126 to:0.0125 or:0.0090 on:0.0065 a:0.0060 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.7134 of:0.0727 to:0.0585 and:0.0490 in:0.0366 the:0.0239 a:0.0135 for:0.0122 on:0.0118 that:0.0085 -:0.6520 of:0.1817 and:0.0467 in:0.0268 to:0.0267 the:0.0175 as:0.0156 or:0.0122 on:0.0111 from:0.0096 -:0.7788 and:0.0660 of:0.0345 to:0.0259 the:0.0258 in:0.0204 by:0.0197 at:0.0117 for:0.0089 with:0.0084 -:0.7652 not:0.0511 in:0.0492 made:0.0355 at:0.0201 to:0.0188 with:0.0170 for:0.0161 as:0.0142 on:0.0129 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8067 it:0.0500 he:0.0361 is:0.0273 was:0.0231 and:0.0201 there:0.0117 as:0.0086 be:0.0084 she:0.0079 -:0.8811 found:0.0206 made:0.0166 held:0.0161 not:0.0154 placed:0.0136 engaged:0.0113 used:0.0089 paid:0.0088 born:0.0077 -it:0.2218 :0.3401 he:0.1896 we:0.0611 you:0.0445 they:0.0431 there:0.0308 not:0.0286 she:0.0285 this:0.0120 -to:0.4192 :0.2507 will:0.1081 shall:0.0667 should:0.0441 may:0.0393 would:0.0298 can:0.0144 could:0.0140 must:0.0138 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8677 the:0.0295 of:0.0289 a:0.0175 and:0.0166 in:0.0110 for:0.0090 to:0.0081 that:0.0067 all:0.0049 -the:0.2534 :0.5801 of:0.0594 a:0.0352 and:0.0221 no:0.0140 in:0.0106 all:0.0091 tho:0.0089 by:0.0073 -:0.7563 as:0.1122 and:0.0280 in:0.0261 to:0.0185 that:0.0135 of:0.0129 for:0.0114 is:0.0109 was:0.0101 -:0.9034 it:0.0209 and:0.0189 him:0.0147 them:0.0098 out:0.0087 up:0.0073 but:0.0061 that:0.0060 here:0.0042 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -of:0.4320 :0.2627 in:0.0776 and:0.0629 for:0.0509 at:0.0280 to:0.0264 or:0.0235 with:0.0214 from:0.0146 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6805 of:0.1953 in:0.0291 or:0.0226 and:0.0184 to:0.0150 on:0.0110 for:0.0101 from:0.0093 hours:0.0085 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8271 so:0.0485 not:0.0485 being:0.0134 now:0.0131 too:0.0123 also:0.0120 is:0.0086 very:0.0084 in:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7815 and:0.0515 the:0.0397 as:0.0292 a:0.0258 that:0.0223 to:0.0144 in:0.0140 it:0.0117 so:0.0101 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -the:0.5373 :0.3232 a:0.0664 tho:0.0182 of:0.0176 his:0.0108 in:0.0075 tbe:0.0066 their:0.0064 an:0.0059 -:0.7488 the:0.0678 to:0.0616 a:0.0382 that:0.0245 and:0.0152 all:0.0116 in:0.0115 for:0.0107 at:0.0103 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8335 few:0.0442 very:0.0261 large:0.0208 little:0.0162 certain:0.0143 great:0.0141 dozen:0.0109 long:0.0105 good:0.0094 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.8511 and:0.0518 of:0.0418 the:0.0126 are:0.0119 in:0.0078 to:0.0071 is:0.0060 were:0.0051 was:0.0048 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.6659 of:0.1712 and:0.0465 the:0.0397 in:0.0188 to:0.0151 or:0.0148 a:0.0096 with:0.0094 that:0.0091 -:0.6118 of:0.2194 and:0.0665 to:0.0199 for:0.0168 are:0.0146 or:0.0143 in:0.0128 the:0.0125 from:0.0113 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -will:0.2026 could:0.1420 can:0.1147 would:0.0695 should:0.0571 may:0.0555 :0.2747 might:0.0328 are:0.0264 must:0.0247 -:0.6373 of:0.1023 in:0.0967 and:0.0537 to:0.0271 on:0.0235 for:0.0172 at:0.0164 the:0.0143 was:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7681 much:0.0528 that:0.0519 the:0.0331 far:0.0212 many:0.0200 as:0.0149 a:0.0134 to:0.0124 long:0.0123 -:0.9318 out:0.0128 one:0.0108 and:0.0103 day:0.0076 or:0.0073 line:0.0068 side:0.0049 part:0.0046 because:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6536 the:0.1375 of:0.0482 a:0.0473 and:0.0431 to:0.0240 in:0.0153 or:0.0139 for:0.0095 his:0.0074 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8645 which:0.0403 you:0.0285 them:0.0153 be:0.0146 whom:0.0100 it:0.0078 work:0.0072 they:0.0060 him:0.0058 -:0.8179 the:0.0457 in:0.0299 and:0.0273 a:0.0180 to:0.0164 by:0.0148 of:0.0106 for:0.0103 at:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7225 accordance:0.1434 connection:0.0673 contact:0.0253 order:0.0125 him:0.0070 dealing:0.0061 said:0.0054 it:0.0053 the:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4139 was:0.1733 be:0.1006 is:0.0901 and:0.0505 are:0.0493 were:0.0476 has:0.0356 been:0.0224 have:0.0169 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7478 to:0.1185 in:0.0356 and:0.0321 of:0.0145 for:0.0139 from:0.0124 or:0.0119 on:0.0072 at:0.0061 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.9161 the:0.0330 a:0.0101 and:0.0099 of:0.0080 to:0.0076 in:0.0056 by:0.0035 other:0.0032 it:0.0030 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8198 to:0.0540 not:0.0371 and:0.0207 can:0.0201 will:0.0148 could:0.0098 that:0.0084 but:0.0081 therefore:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5559 of:0.2576 and:0.0894 that:0.0238 in:0.0217 the:0.0133 or:0.0106 on:0.0100 for:0.0089 to:0.0086 -:0.9301 said:0.0164 time:0.0149 fact:0.0088 people:0.0057 case:0.0056 world:0.0052 same:0.0050 war:0.0043 day:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5747 a:0.1725 of:0.0982 the:0.0747 and:0.0288 in:0.0132 his:0.0114 with:0.0105 by:0.0087 that:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6928 of:0.1353 and:0.0707 in:0.0287 to:0.0163 the:0.0161 was:0.0109 or:0.0104 for:0.0094 is:0.0094 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.9437 is:0.0115 as:0.0083 and:0.0068 came:0.0058 right:0.0056 went:0.0049 subject:0.0047 seemed:0.0045 began:0.0042 -:0.9102 average:0.0180 old:0.0173 additional:0.0086 said:0.0081 annual:0.0079 important:0.0079 hour:0.0076 the:0.0074 ordinary:0.0070 -:0.8659 the:0.0607 of:0.0153 and:0.0129 a:0.0127 to:0.0095 that:0.0092 in:0.0058 he:0.0041 for:0.0040 -:0.6706 and:0.2116 of:0.0337 dollars:0.0204 with:0.0124 or:0.0121 to:0.0117 feet:0.0109 years:0.0097 men:0.0068 -:0.8256 the:0.0493 and:0.0322 of:0.0238 a:0.0206 in:0.0125 that:0.0117 it:0.0093 to:0.0081 with:0.0069 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9442 and:0.0311 him:0.0040 to:0.0037 that:0.0037 but:0.0031 in:0.0030 out:0.0025 it:0.0025 as:0.0022 -:0.7343 the:0.1022 his:0.0668 said:0.0184 its:0.0161 their:0.0153 a:0.0147 this:0.0115 her:0.0108 and:0.0097 -:0.8666 now:0.0265 not:0.0224 engaged:0.0170 situated:0.0150 found:0.0125 held:0.0118 made:0.0107 placed:0.0094 interested:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5813 the:0.2232 to:0.0626 a:0.0495 and:0.0207 of:0.0200 his:0.0129 tho:0.0116 or:0.0108 tbe:0.0074 -:0.5669 are:0.1702 were:0.0509 will:0.0489 should:0.0315 have:0.0301 can:0.0290 would:0.0278 had:0.0259 could:0.0188 -:0.9079 of:0.0309 and:0.0257 the:0.0118 that:0.0048 which:0.0040 an:0.0039 a:0.0038 or:0.0036 in:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8679 one:0.0455 that:0.0268 out:0.0255 and:0.0135 it:0.0054 him:0.0044 to:0.0044 all:0.0035 some:0.0031 -:0.6436 the:0.2499 a:0.0236 of:0.0186 and:0.0174 his:0.0131 tho:0.0125 an:0.0078 our:0.0072 in:0.0063 -:0.6973 and:0.0647 as:0.0576 of:0.0425 but:0.0278 that:0.0265 which:0.0255 with:0.0214 to:0.0191 for:0.0176 -:0.5802 the:0.1771 a:0.1434 of:0.0430 and:0.0143 in:0.0119 this:0.0084 is:0.0079 tho:0.0072 his:0.0066 -than:0.5911 :0.3287 that:0.0188 and:0.0169 if:0.0113 as:0.0086 or:0.0075 but:0.0074 where:0.0055 said:0.0043 -:0.6903 the:0.1129 to:0.0665 of:0.0338 and:0.0316 a:0.0178 at:0.0129 in:0.0122 his:0.0113 this:0.0107 -:0.9216 as:0.0146 is:0.0100 it:0.0089 him:0.0086 them:0.0078 have:0.0075 according:0.0073 regard:0.0071 are:0.0066 -:0.8226 the:0.0319 a:0.0309 of:0.0285 in:0.0192 and:0.0171 that:0.0166 for:0.0116 to:0.0111 as:0.0107 -:0.7214 ago:0.0759 of:0.0607 and:0.0556 in:0.0218 old:0.0150 the:0.0145 that:0.0131 to:0.0121 a:0.0100 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7018 of:0.0944 in:0.0534 on:0.0309 for:0.0285 and:0.0217 by:0.0198 as:0.0187 at:0.0154 from:0.0153 -to:0.3521 will:0.1348 :0.2607 can:0.0561 would:0.0533 and:0.0406 must:0.0296 should:0.0280 could:0.0227 may:0.0221 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6520 of:0.1817 and:0.0467 in:0.0268 to:0.0267 the:0.0175 as:0.0156 or:0.0122 on:0.0111 from:0.0096 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -a:0.3494 :0.4357 the:0.1295 an:0.0175 many:0.0155 no:0.0123 all:0.0113 any:0.0111 to:0.0089 their:0.0088 -:0.6871 the:0.1881 a:0.0323 of:0.0225 and:0.0190 this:0.0169 or:0.0095 no:0.0094 tho:0.0082 to:0.0071 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -no:0.0221 tho:0.0192 a:0.0172 the:0.0098 their:0.0095 an:0.0090 our:0.0088 his:0.0083 every:0.0078 its:0.0062 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5296 the:0.3099 a:0.0468 his:0.0302 and:0.0246 of:0.0156 tho:0.0128 their:0.0122 to:0.0108 our:0.0075 -to:0.3009 :0.5696 we:0.0252 you:0.0237 the:0.0179 they:0.0171 will:0.0142 it:0.0114 and:0.0100 not:0.0098 -:0.5687 to:0.2337 and:0.0697 will:0.0366 of:0.0264 would:0.0181 can:0.0130 not:0.0116 shall:0.0116 may:0.0106 -:0.7281 of:0.0505 and:0.0471 in:0.0330 that:0.0327 the:0.0324 to:0.0304 as:0.0169 for:0.0166 it:0.0122 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.4121 of:0.1484 in:0.1012 to:0.0875 for:0.0558 on:0.0558 by:0.0514 from:0.0408 with:0.0246 and:0.0223 -:0.5641 the:0.2712 a:0.0317 that:0.0266 it:0.0229 his:0.0224 tho:0.0179 her:0.0154 him:0.0154 to:0.0123 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -to:0.5731 will:0.1130 should:0.0609 :0.1433 and:0.0269 would:0.0193 shall:0.0176 must:0.0158 can:0.0156 could:0.0144 -the:0.3720 :0.4612 his:0.0367 a:0.0267 tho:0.0237 this:0.0182 these:0.0180 our:0.0151 their:0.0150 any:0.0133 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6539 the:0.2180 a:0.0348 he:0.0200 it:0.0166 that:0.0130 tho:0.0125 to:0.0118 this:0.0101 an:0.0094 -:0.8817 them:0.0289 him:0.0230 her:0.0114 it:0.0102 us:0.0101 which:0.0100 one:0.0093 me:0.0090 time:0.0064 -:0.9715 and:0.0049 men:0.0042 in:0.0040 it:0.0037 hundred:0.0031 to:0.0026 law:0.0021 wife:0.0020 life:0.0019 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -:0.9031 out:0.0181 one:0.0170 side:0.0151 line:0.0100 day:0.0090 part:0.0080 or:0.0072 and:0.0069 any:0.0057 -:0.7367 if:0.1012 that:0.0353 time:0.0294 when:0.0268 is:0.0218 it:0.0195 as:0.0102 and:0.0099 all:0.0092 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7618 the:0.0875 a:0.0610 and:0.0179 not:0.0165 of:0.0144 to:0.0130 in:0.0098 no:0.0097 as:0.0084 -:0.8787 in:0.0315 made:0.0159 held:0.0127 a:0.0121 seen:0.0113 found:0.0105 given:0.0104 paid:0.0099 taken:0.0070 -:0.5834 in:0.1121 a:0.0785 the:0.0727 of:0.0438 and:0.0396 to:0.0386 by:0.0118 with:0.0112 this:0.0082 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.6826 of:0.1109 and:0.0666 to:0.0331 in:0.0318 for:0.0212 was:0.0171 is:0.0151 as:0.0110 with:0.0105 -:0.8737 of:0.0244 and:0.0230 as:0.0137 was:0.0137 or:0.0129 the:0.0124 is:0.0101 to:0.0090 more:0.0071 -:0.9132 old:0.0165 equal:0.0126 hour:0.0116 inch:0.0102 average:0.0090 open:0.0076 opportunity:0.0071 a:0.0062 early:0.0060 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8177 go:0.0423 come:0.0338 him:0.0188 have:0.0164 try:0.0154 return:0.0150 them:0.0149 be:0.0138 appear:0.0118 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9391 time:0.0144 fact:0.0079 case:0.0073 said:0.0068 people:0.0059 course:0.0048 city:0.0047 government:0.0046 same:0.0045 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5093 of:0.2712 and:0.0684 to:0.0390 in:0.0269 from:0.0257 the:0.0236 for:0.0127 on:0.0122 that:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9144 him:0.0141 dollars:0.0126 and:0.0121 out:0.0108 but:0.0101 up:0.0073 them:0.0064 me:0.0064 here:0.0058 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.8774 it:0.0348 the:0.0168 that:0.0165 he:0.0124 and:0.0102 to:0.0098 a:0.0094 so:0.0065 is:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7629 the:0.1236 said:0.0364 a:0.0233 and:0.0177 this:0.0120 of:0.0113 any:0.0050 tho:0.0040 to:0.0038 -that:0.3070 :0.3755 him:0.1315 them:0.0361 which:0.0353 us:0.0281 as:0.0267 what:0.0220 me:0.0195 and:0.0183 -of:0.4203 :0.4425 and:0.0391 the:0.0277 that:0.0159 for:0.0125 or:0.0117 to:0.0117 in:0.0101 was:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8174 and:0.0410 that:0.0279 of:0.0243 he:0.0206 to:0.0197 in:0.0149 was:0.0121 are:0.0111 be:0.0110 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -own:0.0184 husband:0.0101 :0.9429 father:0.0081 head:0.0041 eyes:0.0038 fathers:0.0036 husbands:0.0033 home:0.0029 death:0.0029 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.5784 the:0.0980 by:0.0792 in:0.0656 to:0.0614 a:0.0272 and:0.0235 at:0.0233 for:0.0221 that:0.0213 -:0.7729 the:0.0814 that:0.0396 and:0.0232 it:0.0201 to:0.0162 of:0.0142 he:0.0116 a:0.0109 in:0.0098 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.6590 to:0.1885 the:0.0399 and:0.0367 in:0.0163 by:0.0156 for:0.0113 of:0.0110 as:0.0109 with:0.0109 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7977 he:0.0585 and:0.0569 who:0.0193 it:0.0172 that:0.0135 she:0.0108 they:0.0107 we:0.0079 was:0.0075 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7264 of:0.0608 and:0.0532 who:0.0433 in:0.0271 to:0.0271 the:0.0169 is:0.0157 that:0.0149 was:0.0146 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.7951 the:0.0743 of:0.0437 and:0.0251 a:0.0210 to:0.0130 that:0.0073 in:0.0071 her:0.0067 an:0.0066 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.4927 and:0.1681 to:0.0730 has:0.0613 will:0.0544 have:0.0534 had:0.0288 would:0.0272 should:0.0223 was:0.0188 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5975 of:0.1429 and:0.0711 but:0.0420 for:0.0312 in:0.0274 on:0.0241 that:0.0235 with:0.0206 as:0.0196 -:0.7390 to:0.1021 of:0.0408 for:0.0264 in:0.0208 with:0.0167 and:0.0153 told:0.0142 on:0.0135 at:0.0112 -:0.9044 and:0.0429 is:0.0086 had:0.0074 but:0.0071 to:0.0065 who:0.0059 or:0.0059 that:0.0057 it:0.0056 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6990 or:0.0723 of:0.0678 and:0.0530 for:0.0247 than:0.0202 from:0.0190 with:0.0150 to:0.0146 at:0.0143 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -been:0.2259 :0.5272 he:0.1083 they:0.0279 it:0.0239 she:0.0212 we:0.0174 to:0.0169 not:0.0162 be:0.0152 -:0.7753 and:0.0700 to:0.0400 in:0.0360 of:0.0351 the:0.0176 or:0.0076 for:0.0064 was:0.0062 on:0.0058 -the:0.2213 :0.4050 to:0.1625 and:0.0834 an:0.0418 their:0.0232 his:0.0192 from:0.0175 in:0.0135 our:0.0125 -:0.8249 and:0.0379 to:0.0304 him:0.0207 it:0.0182 that:0.0171 them:0.0163 the:0.0155 a:0.0101 for:0.0088 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8342 to:0.0375 and:0.0315 the:0.0277 a:0.0247 of:0.0193 will:0.0075 this:0.0062 was:0.0062 not:0.0054 -:0.6556 of:0.0899 in:0.0681 with:0.0400 the:0.0385 and:0.0376 to:0.0295 from:0.0160 for:0.0127 or:0.0122 -a:0.3112 the:0.2399 :0.3345 this:0.0294 least:0.0205 all:0.0146 his:0.0140 tho:0.0132 any:0.0120 once:0.0108 -:0.8004 the:0.0610 a:0.0268 that:0.0261 in:0.0236 and:0.0140 of:0.0130 to:0.0128 as:0.0125 it:0.0098 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8338 the:0.0585 a:0.0415 and:0.0149 of:0.0111 that:0.0106 to:0.0097 in:0.0073 he:0.0064 as:0.0063 -:0.7358 not:0.1711 to:0.0293 also:0.0121 a:0.0104 the:0.0091 then:0.0085 now:0.0082 that:0.0080 found:0.0074 -:0.9249 and:0.0270 feet:0.0086 as:0.0078 right:0.0074 line:0.0061 is:0.0055 of:0.0043 power:0.0043 are:0.0042 -:0.5553 of:0.1434 and:0.0708 for:0.0591 to:0.0516 the:0.0345 in:0.0330 that:0.0183 by:0.0181 at:0.0159 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -a:0.2121 the:0.1821 :0.4094 an:0.0747 not:0.0376 to:0.0252 no:0.0195 hereby:0.0157 now:0.0132 tho:0.0104 -:0.7381 of:0.0799 and:0.0621 the:0.0496 in:0.0175 for:0.0129 to:0.0122 a:0.0103 his:0.0098 or:0.0075 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.5657 the:0.2815 a:0.0667 of:0.0377 tho:0.0107 and:0.0103 this:0.0076 at:0.0076 to:0.0066 an:0.0057 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -did:0.1908 could:0.1256 would:0.0964 had:0.0792 was:0.0768 does:0.0588 is:0.0567 will:0.0527 has:0.0518 :0.2112 -to:0.2774 :0.4687 will:0.0991 and:0.0509 of:0.0329 would:0.0228 can:0.0135 in:0.0122 a:0.0115 may:0.0109 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.8338 the:0.0585 a:0.0415 and:0.0149 of:0.0111 that:0.0106 to:0.0097 in:0.0073 he:0.0064 as:0.0063 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7241 days:0.1095 years:0.0345 months:0.0302 weeks:0.0280 minutes:0.0225 of:0.0177 and:0.0145 hours:0.0110 hundred:0.0080 -:0.8412 was:0.0362 is:0.0240 be:0.0212 of:0.0170 the:0.0154 and:0.0149 a:0.0128 to:0.0091 he:0.0084 -the:0.2009 :0.5795 a:0.1235 of:0.0262 and:0.0147 this:0.0130 his:0.0130 tho:0.0101 tbe:0.0097 their:0.0095 -:0.5965 of:0.2211 and:0.0846 in:0.0248 to:0.0198 at:0.0153 as:0.0098 on:0.0095 that:0.0094 for:0.0093 -:0.7727 to:0.0780 of:0.0313 and:0.0308 in:0.0242 by:0.0188 that:0.0143 at:0.0107 for:0.0105 the:0.0087 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -the:0.5151 :0.2555 a:0.0985 an:0.0432 tho:0.0219 his:0.0205 this:0.0197 its:0.0105 their:0.0092 any:0.0059 -:0.8932 parcel:0.0289 one:0.0233 any:0.0154 some:0.0078 two:0.0074 three:0.0069 more:0.0062 all:0.0061 part:0.0048 -:0.8120 and:0.0512 was:0.0410 is:0.0235 are:0.0181 be:0.0152 as:0.0113 were:0.0099 or:0.0091 has:0.0088 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.8172 a:0.0329 and:0.0274 of:0.0263 to:0.0229 the:0.0171 or:0.0162 in:0.0149 is:0.0133 with:0.0119 -:0.8222 of:0.0384 two:0.0309 three:0.0224 and:0.0207 the:0.0167 ten:0.0166 six:0.0128 five:0.0098 four:0.0095 -:0.6378 of:0.2211 and:0.0484 the:0.0188 in:0.0161 or:0.0138 to:0.0138 for:0.0124 a:0.0097 is:0.0083 -:0.8429 and:0.0530 to:0.0423 of:0.0258 the:0.0090 or:0.0079 a:0.0056 in:0.0055 by:0.0042 for:0.0037 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9377 him:0.0099 it:0.0094 account:0.0081 the:0.0081 them:0.0070 hand:0.0065 page:0.0054 board:0.0042 time:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7881 out:0.1313 as:0.0366 one:0.0109 more:0.0077 any:0.0060 part:0.0052 feet:0.0049 use:0.0047 side:0.0045 -:0.7861 the:0.1506 such:0.0099 tho:0.0097 said:0.0090 his:0.0082 this:0.0072 him:0.0067 her:0.0065 a:0.0062 -:0.7830 city:0.0452 country:0.0403 time:0.0314 morning:0.0287 place:0.0158 point:0.0154 way:0.0145 act:0.0138 matter:0.0119 -:0.5284 and:0.1975 of:0.0648 to:0.0539 the:0.0404 in:0.0378 are:0.0219 with:0.0213 for:0.0204 or:0.0136 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8848 and:0.0294 made:0.0169 or:0.0125 in:0.0122 followed:0.0112 but:0.0095 of:0.0081 secured:0.0080 up:0.0075 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.9770 in:0.0038 wife:0.0033 up:0.0028 it:0.0027 home:0.0025 all:0.0024 left:0.0019 and:0.0018 at:0.0018 -the:0.6160 :0.2700 a:0.0251 tho:0.0228 his:0.0172 our:0.0154 said:0.0109 their:0.0083 this:0.0071 an:0.0070 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.7371 and:0.0836 of:0.0620 the:0.0213 to:0.0211 in:0.0188 for:0.0169 a:0.0137 that:0.0137 on:0.0117 -:0.7658 that:0.1310 as:0.0182 not:0.0175 but:0.0144 when:0.0118 because:0.0108 and:0.0104 to:0.0102 what:0.0100 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.6701 did:0.0638 do:0.0454 is:0.0383 will:0.0357 does:0.0347 was:0.0310 if:0.0310 could:0.0265 would:0.0234 -:0.8681 of:0.0292 and:0.0267 to:0.0209 the:0.0192 that:0.0105 in:0.0084 he:0.0059 for:0.0057 was:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6053 the:0.1147 a:0.0607 in:0.0582 on:0.0367 to:0.0316 it:0.0288 up:0.0260 him:0.0208 them:0.0172 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -the:0.5195 :0.2727 a:0.0470 his:0.0418 this:0.0354 tho:0.0295 their:0.0150 its:0.0141 an:0.0131 her:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.7588 the:0.1276 a:0.0502 an:0.0207 in:0.0095 and:0.0084 two:0.0082 his:0.0056 this:0.0056 tho:0.0053 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7727 the:0.1026 a:0.0299 and:0.0186 that:0.0164 was:0.0147 be:0.0139 is:0.0120 with:0.0103 he:0.0089 -:0.7110 he:0.1002 they:0.0487 we:0.0378 it:0.0325 and:0.0214 she:0.0139 have:0.0130 that:0.0111 to:0.0104 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6858 order:0.1073 regard:0.1041 addition:0.0368 relation:0.0182 reference:0.0155 said:0.0103 time:0.0083 them:0.0074 which:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.7430 the:0.1326 and:0.0319 of:0.0290 tho:0.0128 his:0.0117 or:0.0112 to:0.0095 an:0.0094 a:0.0089 -:0.6924 of:0.1148 and:0.0472 in:0.0412 the:0.0275 a:0.0204 by:0.0186 as:0.0142 to:0.0121 on:0.0116 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8833 and:0.0302 the:0.0222 a:0.0177 in:0.0177 of:0.0066 or:0.0060 by:0.0060 for:0.0060 one:0.0042 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6277 day:0.1335 time:0.0950 year:0.0501 and:0.0346 morning:0.0160 as:0.0136 that:0.0116 week:0.0096 will:0.0083 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8501 and:0.0462 a:0.0249 the:0.0249 that:0.0150 of:0.0146 in:0.0084 as:0.0057 it:0.0053 is:0.0050 -:0.7394 and:0.0543 of:0.0532 to:0.0429 in:0.0368 the:0.0251 at:0.0190 for:0.0149 that:0.0078 will:0.0067 -:0.6511 of:0.1360 and:0.0961 to:0.0230 in:0.0222 for:0.0171 with:0.0160 or:0.0155 the:0.0120 that:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8493 the:0.0487 of:0.0225 a:0.0213 and:0.0136 is:0.0098 in:0.0097 his:0.0095 said:0.0081 as:0.0075 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9430 and:0.0163 of:0.0143 to:0.0051 men:0.0041 time:0.0040 is:0.0036 the:0.0035 as:0.0033 who:0.0028 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.7541 side:0.1005 line:0.0711 feet:0.0227 out:0.0109 part:0.0098 number:0.0088 corner:0.0086 quarter:0.0072 half:0.0063 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.8068 which:0.0448 and:0.0442 it:0.0280 that:0.0228 he:0.0147 who:0.0110 they:0.0102 we:0.0091 there:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -the:0.2559 :0.5443 his:0.0544 a:0.0466 an:0.0352 tho:0.0190 its:0.0163 her:0.0100 and:0.0095 these:0.0089 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6442 as:0.0649 and:0.0526 is:0.0451 to:0.0425 a:0.0384 the:0.0308 was:0.0280 be:0.0270 so:0.0266 -:0.9137 same:0.0278 most:0.0123 other:0.0108 last:0.0069 th:0.0066 first:0.0063 best:0.0060 public:0.0048 following:0.0047 -:0.7211 the:0.0745 of:0.0497 and:0.0451 a:0.0389 to:0.0265 or:0.0130 in:0.0126 is:0.0101 was:0.0085 -than:0.5920 :0.2993 or:0.0448 for:0.0132 of:0.0129 to:0.0127 about:0.0098 and:0.0081 from:0.0042 at:0.0031 -:0.9709 the:0.0057 will:0.0053 to:0.0041 his:0.0027 a:0.0026 would:0.0024 this:0.0022 should:0.0021 may:0.0021 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -a:0.2197 :0.4726 the:0.1216 it:0.0409 an:0.0361 her:0.0268 this:0.0262 their:0.0208 him:0.0183 them:0.0171 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.8762 year:0.0283 time:0.0226 day:0.0153 side:0.0152 way:0.0095 person:0.0088 and:0.0083 power:0.0080 county:0.0079 -:0.6933 be:0.1716 have:0.0358 do:0.0241 the:0.0216 bo:0.0142 make:0.0114 say:0.0113 take:0.0086 find:0.0081 -:0.7121 the:0.0642 of:0.0575 and:0.0524 in:0.0262 a:0.0258 or:0.0189 to:0.0186 that:0.0145 for:0.0098 -:0.6892 of:0.1922 and:0.0400 to:0.0240 in:0.0134 or:0.0131 for:0.0086 that:0.0075 the:0.0073 as:0.0047 -of:0.4233 :0.4682 three:0.0246 for:0.0198 in:0.0156 at:0.0138 and:0.0110 all:0.0095 or:0.0072 two:0.0071 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7685 of:0.1070 the:0.0502 and:0.0285 to:0.0152 a:0.0077 or:0.0065 for:0.0060 in:0.0055 our:0.0050 -:0.9011 court:0.0278 will:0.0154 to:0.0119 and:0.0103 who:0.0089 would:0.0078 now:0.0071 had:0.0051 time:0.0046 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -not:0.2009 :0.5102 a:0.0857 the:0.0546 to:0.0447 hereby:0.0283 now:0.0254 no:0.0228 only:0.0144 always:0.0131 -:0.7443 in:0.0557 that:0.0450 to:0.0289 by:0.0235 of:0.0232 at:0.0211 on:0.0206 for:0.0190 all:0.0187 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5467 the:0.1607 him:0.0918 them:0.0504 it:0.0369 us:0.0305 a:0.0301 her:0.0229 me:0.0166 that:0.0134 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -:0.9484 him:0.0102 be:0.0073 work:0.0061 them:0.0054 pay:0.0052 it:0.0049 me:0.0047 go:0.0040 appear:0.0039 -:0.8763 out:0.0460 instead:0.0167 one:0.0143 part:0.0113 side:0.0104 line:0.0081 or:0.0058 because:0.0058 and:0.0053 -:0.6610 of:0.1978 and:0.0530 in:0.0225 the:0.0149 or:0.0115 that:0.0110 is:0.0108 for:0.0097 on:0.0079 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.7417 and:0.1134 is:0.0326 as:0.0244 are:0.0177 was:0.0172 of:0.0149 has:0.0142 to:0.0125 but:0.0113 -:0.7862 to:0.0500 made:0.0425 in:0.0347 been:0.0289 for:0.0154 on:0.0113 found:0.0110 seen:0.0106 passed:0.0094 -:0.7687 of:0.0809 and:0.0485 who:0.0250 to:0.0232 are:0.0118 or:0.0116 from:0.0115 were:0.0099 in:0.0088 -his:0.2241 their:0.1896 our:0.1181 :0.2276 the:0.0845 her:0.0616 its:0.0394 my:0.0273 tho:0.0139 these:0.0138 -:0.6739 to:0.1826 and:0.0264 for:0.0238 that:0.0196 of:0.0195 in:0.0183 the:0.0138 as:0.0116 by:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8835 and:0.0641 that:0.0113 it:0.0095 or:0.0077 but:0.0063 is:0.0060 was:0.0048 which:0.0034 are:0.0034 -:0.8363 and:0.0589 is:0.0273 was:0.0222 are:0.0124 in:0.0115 be:0.0094 of:0.0079 or:0.0073 were:0.0069 -:0.8261 have:0.0499 had:0.0214 knew:0.0192 do:0.0175 are:0.0158 think:0.0145 did:0.0122 if:0.0120 is:0.0114 -:0.9380 it:0.0136 and:0.0112 that:0.0096 made:0.0067 as:0.0043 have:0.0043 down:0.0042 but:0.0041 there:0.0040 -:0.7390 to:0.1021 of:0.0408 for:0.0264 in:0.0208 with:0.0167 and:0.0153 told:0.0142 on:0.0135 at:0.0112 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -the:0.5246 a:0.1386 :0.2129 his:0.0303 tho:0.0226 this:0.0190 their:0.0145 our:0.0140 its:0.0136 her:0.0099 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6588 of:0.1621 and:0.0494 to:0.0273 the:0.0217 with:0.0177 in:0.0174 on:0.0172 a:0.0151 for:0.0133 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7108 has:0.0512 be:0.0507 he:0.0472 have:0.0368 never:0.0246 ever:0.0218 hich:0.0214 ho:0.0180 had:0.0175 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.2925 :0.5309 the:0.0283 and:0.0269 in:0.0241 out:0.0215 with:0.0210 on:0.0196 a:0.0188 into:0.0163 -:0.7294 days:0.0678 years:0.0615 of:0.0350 and:0.0292 months:0.0248 hundred:0.0147 feet:0.0128 weeks:0.0127 or:0.0121 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.9055 him:0.0194 away:0.0166 come:0.0112 and:0.0106 out:0.0093 them:0.0090 miles:0.0063 up:0.0061 back:0.0060 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7912 to:0.0557 and:0.0392 will:0.0349 that:0.0279 may:0.0127 would:0.0114 as:0.0093 of:0.0090 shall:0.0087 -:0.6733 the:0.1333 a:0.0745 and:0.0359 of:0.0269 his:0.0207 is:0.0107 their:0.0106 no:0.0071 in:0.0070 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6968 the:0.1064 of:0.0669 in:0.0252 or:0.0240 and:0.0202 a:0.0190 to:0.0152 his:0.0143 more:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -highest:0.0068 whole:0.0065 same:0.0055 slightest:0.0052 great:0.0039 second:0.0036 best:0.0036 southwest:0.0030 foregoing:0.0026 grand:0.0026 -:0.8240 the:0.0442 to:0.0405 which:0.0261 this:0.0166 and:0.0116 a:0.0112 that:0.0104 you:0.0089 all:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8337 and:0.0713 of:0.0288 to:0.0162 in:0.0112 for:0.0102 is:0.0078 was:0.0076 the:0.0069 by:0.0063 -:0.5843 of:0.1923 and:0.0517 to:0.0453 as:0.0322 in:0.0262 that:0.0226 for:0.0174 the:0.0162 with:0.0117 -:0.6810 which:0.1087 that:0.0765 whom:0.0387 what:0.0230 said:0.0178 him:0.0162 all:0.0135 them:0.0131 it:0.0115 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5781 to:0.1991 the:0.0698 a:0.0314 in:0.0313 by:0.0302 and:0.0261 for:0.0124 with:0.0111 that:0.0105 -:0.9442 and:0.0311 him:0.0040 to:0.0037 that:0.0037 but:0.0031 in:0.0030 out:0.0025 it:0.0025 as:0.0022 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.6336 to:0.1653 we:0.0560 they:0.0501 will:0.0331 would:0.0179 can:0.0137 and:0.0125 you:0.0091 could:0.0087 -:0.6718 of:0.1340 to:0.0578 in:0.0471 and:0.0347 for:0.0129 that:0.0128 on:0.0106 by:0.0100 with:0.0083 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.9330 less:0.0136 more:0.0105 otherwise:0.0081 as:0.0078 how:0.0065 not:0.0057 feet:0.0050 even:0.0050 right:0.0048 -:0.8162 to:0.0840 the:0.0258 of:0.0176 and:0.0164 a:0.0103 for:0.0096 or:0.0071 not:0.0070 by:0.0062 -:0.8055 and:0.0679 to:0.0325 the:0.0234 a:0.0202 that:0.0118 or:0.0109 of:0.0107 was:0.0091 is:0.0080 -:0.7953 of:0.0962 and:0.0326 was:0.0146 in:0.0144 is:0.0114 the:0.0110 are:0.0090 for:0.0079 that:0.0076 -:0.8327 that:0.0514 as:0.0234 and:0.0197 but:0.0183 if:0.0157 with:0.0120 for:0.0097 in:0.0086 put:0.0085 -:0.6330 and:0.1603 is:0.0695 was:0.0506 but:0.0173 will:0.0164 are:0.0151 to:0.0139 has:0.0124 we:0.0114 -:0.5333 of:0.1507 the:0.1392 was:0.0444 in:0.0308 and:0.0236 his:0.0220 is:0.0211 or:0.0191 for:0.0158 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8837 and:0.0264 the:0.0213 in:0.0160 of:0.0126 he:0.0112 is:0.0076 was:0.0072 a:0.0072 to:0.0069 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -in:0.3978 :0.4358 of:0.0624 and:0.0306 the:0.0230 a:0.0188 his:0.0085 to:0.0084 with:0.0078 for:0.0070 -:0.4903 the:0.2205 a:0.0964 this:0.0740 to:0.0323 their:0.0228 in:0.0225 that:0.0179 his:0.0119 our:0.0115 -:0.9210 and:0.0311 that:0.0111 to:0.0090 of:0.0070 it:0.0062 in:0.0046 or:0.0037 the:0.0033 which:0.0030 -:0.7654 and:0.0512 was:0.0370 is:0.0336 he:0.0276 have:0.0182 had:0.0176 are:0.0175 be:0.0174 has:0.0145 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5379 of:0.2712 to:0.0500 and:0.0440 the:0.0232 for:0.0228 in:0.0188 with:0.0130 that:0.0099 as:0.0093 -:0.7878 the:0.0645 to:0.0399 that:0.0328 a:0.0210 and:0.0209 of:0.0131 it:0.0076 in:0.0070 an:0.0054 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8129 to:0.0800 and:0.0181 the:0.0170 by:0.0154 in:0.0120 a:0.0114 with:0.0113 from:0.0113 that:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.4646 he:0.1966 it:0.1870 there:0.0570 she:0.0457 ho:0.0188 which:0.0094 lie:0.0073 time:0.0072 they:0.0064 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.8117 of:0.1062 and:0.0302 in:0.0102 the:0.0088 that:0.0069 or:0.0067 is:0.0065 for:0.0064 to:0.0063 -:0.6615 the:0.1113 of:0.0968 and:0.0323 in:0.0275 to:0.0177 his:0.0174 a:0.0140 was:0.0108 tho:0.0106 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7850 and:0.0796 in:0.0419 to:0.0305 the:0.0126 that:0.0121 of:0.0105 an:0.0101 or:0.0091 are:0.0087 -:0.9408 a:0.0142 and:0.0075 he:0.0064 the:0.0061 was:0.0060 one:0.0054 it:0.0052 in:0.0051 is:0.0033 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8897 it:0.0347 well:0.0279 is:0.0092 being:0.0078 he:0.0066 now:0.0065 that:0.0063 you:0.0058 they:0.0056 -:0.8382 and:0.0622 the:0.0211 is:0.0152 was:0.0123 of:0.0118 are:0.0116 will:0.0111 or:0.0095 not:0.0071 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8189 to:0.0998 and:0.0184 we:0.0123 he:0.0103 not:0.0089 the:0.0084 in:0.0080 it:0.0078 as:0.0073 -:0.7637 that:0.0338 him:0.0333 and:0.0294 in:0.0279 us:0.0249 it:0.0219 the:0.0218 them:0.0217 at:0.0217 -:0.9496 and:0.0145 of:0.0104 or:0.0044 day:0.0042 men:0.0039 man:0.0034 the:0.0033 other:0.0032 county:0.0031 -:0.7150 of:0.1051 in:0.0537 and:0.0339 for:0.0216 to:0.0201 with:0.0158 by:0.0132 the:0.0116 that:0.0099 -:0.9011 and:0.0337 or:0.0166 to:0.0115 is:0.0089 day:0.0072 was:0.0060 had:0.0056 years:0.0048 it:0.0046 -of:0.6477 :0.2573 and:0.0252 or:0.0182 in:0.0121 the:0.0097 to:0.0088 ot:0.0079 was:0.0068 for:0.0063 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -the:0.3652 :0.3779 this:0.1061 a:0.0376 any:0.0263 tho:0.0224 that:0.0215 their:0.0167 some:0.0143 every:0.0121 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -the:0.0529 tho:0.0337 our:0.0305 their:0.0226 his:0.0165 its:0.0159 said:0.0124 this:0.0115 these:0.0108 a:0.0096 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7264 of:0.0608 and:0.0532 who:0.0433 in:0.0271 to:0.0271 the:0.0169 is:0.0157 that:0.0149 was:0.0146 -:0.7890 the:0.0412 to:0.0357 and:0.0283 a:0.0265 of:0.0213 in:0.0205 by:0.0132 for:0.0130 from:0.0113 -the:0.0029 a:0.0028 have:0.0021 :0.9826 his:0.0021 tho:0.0018 their:0.0017 my:0.0015 who:0.0014 whose:0.0012 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9338 made:0.0169 out:0.0095 up:0.0074 owned:0.0057 caused:0.0056 shown:0.0054 or:0.0054 and:0.0051 followed:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6495 who:0.0929 and:0.0622 of:0.0416 it:0.0400 which:0.0385 he:0.0314 there:0.0189 that:0.0159 or:0.0090 -:0.5499 a:0.1735 the:0.1397 to:0.0262 and:0.0242 in:0.0212 of:0.0172 this:0.0167 his:0.0166 tho:0.0147 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6715 a:0.0852 the:0.0795 and:0.0522 his:0.0331 in:0.0209 of:0.0209 an:0.0129 more:0.0128 as:0.0112 -:0.6438 of:0.1859 and:0.0725 the:0.0295 in:0.0142 with:0.0137 is:0.0107 that:0.0103 or:0.0098 to:0.0096 -the:0.2948 :0.4491 a:0.1441 his:0.0274 their:0.0204 tho:0.0158 its:0.0139 this:0.0126 all:0.0115 her:0.0104 -:0.7834 of:0.0673 and:0.0464 to:0.0280 in:0.0266 that:0.0104 or:0.0104 was:0.0097 are:0.0095 is:0.0083 -the:0.3867 :0.4137 a:0.0654 his:0.0360 our:0.0198 this:0.0181 their:0.0166 tho:0.0165 said:0.0147 its:0.0124 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -of:0.8426 :0.0868 the:0.0273 in:0.0093 or:0.0091 and:0.0071 ot:0.0061 a:0.0051 to:0.0038 by:0.0029 -:0.8897 as:0.0213 him:0.0147 them:0.0122 it:0.0122 up:0.0110 down:0.0102 from:0.0100 according:0.0099 and:0.0089 -:0.7351 the:0.0969 a:0.0543 in:0.0311 to:0.0250 more:0.0142 and:0.0122 by:0.0114 if:0.0102 of:0.0096 -:0.6799 and:0.0805 that:0.0617 but:0.0465 as:0.0325 who:0.0312 which:0.0270 if:0.0158 when:0.0143 before:0.0105 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.7044 the:0.1957 a:0.0295 said:0.0145 this:0.0140 tho:0.0126 his:0.0085 and:0.0073 an:0.0071 which:0.0064 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8860 same:0.0237 said:0.0171 other:0.0149 most:0.0128 whole:0.0112 best:0.0101 first:0.0092 great:0.0087 public:0.0062 -:0.8793 and:0.0369 of:0.0257 in:0.0132 was:0.0089 that:0.0084 he:0.0075 is:0.0069 the:0.0068 or:0.0064 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.7941 been:0.0414 come:0.0348 taken:0.0328 received:0.0296 made:0.0210 seen:0.0148 served:0.0109 done:0.0104 passed:0.0103 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9346 him:0.0128 it:0.0115 them:0.0098 years:0.0066 the:0.0056 me:0.0055 all:0.0049 us:0.0049 sale:0.0038 -:0.8035 the:0.0648 and:0.0306 of:0.0211 a:0.0159 in:0.0146 that:0.0137 as:0.0125 to:0.0120 for:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5312 the:0.3098 a:0.0847 his:0.0159 tho:0.0156 an:0.0095 this:0.0091 their:0.0090 tbe:0.0077 it:0.0076 -:0.9357 the:0.0165 them:0.0103 said:0.0086 which:0.0069 that:0.0065 all:0.0046 land:0.0040 trust:0.0038 it:0.0030 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7685 the:0.0813 of:0.0502 and:0.0364 for:0.0123 with:0.0118 in:0.0118 by:0.0099 his:0.0092 or:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8978 feet:0.0200 duty:0.0148 way:0.0118 power:0.0107 order:0.0098 attention:0.0095 mind:0.0089 hand:0.0084 life:0.0083 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6596 to:0.1079 the:0.0652 a:0.0573 in:0.0299 and:0.0219 that:0.0205 for:0.0143 of:0.0123 by:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.6647 the:0.1252 a:0.0523 it:0.0470 that:0.0374 him:0.0160 in:0.0155 to:0.0150 one:0.0136 her:0.0132 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6861 to:0.1252 in:0.0416 the:0.0352 and:0.0313 for:0.0233 of:0.0208 his:0.0170 as:0.0098 on:0.0097 -:0.9237 it:0.0113 he:0.0108 who:0.0106 which:0.0096 there:0.0077 and:0.0073 law:0.0066 man:0.0064 life:0.0059 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -:0.8817 them:0.0289 him:0.0230 her:0.0114 it:0.0102 us:0.0101 which:0.0100 one:0.0093 me:0.0090 time:0.0064 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -of:0.4210 :0.4533 and:0.0510 in:0.0208 to:0.0139 the:0.0090 is:0.0089 or:0.0081 ot:0.0074 on:0.0067 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8848 of:0.0304 and:0.0209 the:0.0203 that:0.0136 to:0.0083 as:0.0063 for:0.0056 a:0.0050 in:0.0047 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8327 that:0.0514 as:0.0234 and:0.0197 but:0.0183 if:0.0157 with:0.0120 for:0.0097 in:0.0086 put:0.0085 -:0.6444 of:0.1651 and:0.0732 to:0.0324 in:0.0176 or:0.0149 for:0.0146 with:0.0141 the:0.0119 that:0.0117 -of:0.2428 :0.5223 with:0.0495 in:0.0484 to:0.0287 that:0.0244 and:0.0239 for:0.0233 from:0.0190 on:0.0178 -:0.8811 not:0.0295 now:0.0292 found:0.0100 only:0.0090 situated:0.0086 held:0.0084 made:0.0082 also:0.0080 that:0.0080 -:0.6984 and:0.0940 of:0.0714 the:0.0331 in:0.0300 to:0.0172 on:0.0169 that:0.0159 which:0.0125 for:0.0106 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8437 to:0.0275 the:0.0260 and:0.0229 was:0.0214 he:0.0176 is:0.0123 a:0.0113 are:0.0086 will:0.0085 -:0.8091 the:0.0702 and:0.0357 a:0.0270 of:0.0165 that:0.0110 as:0.0092 in:0.0078 to:0.0072 by:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7201 to:0.0909 the:0.0559 of:0.0440 a:0.0259 and:0.0258 in:0.0169 for:0.0073 will:0.0067 was:0.0065 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -of:0.2682 :0.3678 that:0.1241 in:0.0853 to:0.0379 from:0.0342 with:0.0244 on:0.0235 for:0.0188 at:0.0159 -:0.8449 very:0.0324 great:0.0287 large:0.0201 certain:0.0139 little:0.0129 good:0.0129 single:0.0118 new:0.0115 small:0.0108 -:0.7345 and:0.0928 that:0.0626 as:0.0366 but:0.0247 for:0.0125 to:0.0114 or:0.0110 of:0.0070 which:0.0069 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7988 than:0.0979 or:0.0211 of:0.0192 and:0.0172 to:0.0146 the:0.0124 a:0.0074 in:0.0065 for:0.0049 -:0.9267 and:0.0254 down:0.0093 out:0.0085 days:0.0055 away:0.0053 up:0.0050 to:0.0048 back:0.0048 miles:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4126 :0.4409 to:0.0395 in:0.0319 and:0.0165 ot:0.0164 for:0.0114 at:0.0108 that:0.0104 on:0.0093 -:0.5273 not:0.1726 be:0.1278 to:0.0743 have:0.0297 bo:0.0157 take:0.0154 soon:0.0143 never:0.0128 will:0.0102 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -as:0.4550 :0.4152 but:0.0313 and:0.0226 that:0.0203 known:0.0149 to:0.0141 for:0.0123 before:0.0076 in:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6822 the:0.1087 as:0.0387 that:0.0372 and:0.0332 to:0.0320 a:0.0286 it:0.0144 by:0.0135 of:0.0116 -:0.8438 the:0.0290 and:0.0284 of:0.0270 a:0.0209 to:0.0137 in:0.0119 that:0.0104 an:0.0087 on:0.0061 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.8389 and:0.0855 it:0.0158 he:0.0147 was:0.0092 is:0.0079 be:0.0077 which:0.0075 that:0.0070 but:0.0060 -:0.7030 been:0.0916 the:0.0738 a:0.0348 in:0.0233 he:0.0175 that:0.0172 no:0.0160 it:0.0119 not:0.0109 -:0.9018 same:0.0154 said:0.0143 present:0.0136 last:0.0133 first:0.0099 great:0.0089 most:0.0086 old:0.0071 best:0.0071 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.7188 to:0.1124 will:0.0481 and:0.0418 the:0.0197 would:0.0168 can:0.0151 could:0.0109 may:0.0090 is:0.0073 -:0.6956 and:0.0606 to:0.0581 that:0.0492 of:0.0402 the:0.0391 in:0.0173 as:0.0146 for:0.0137 by:0.0116 -:0.7650 give:0.0509 make:0.0383 take:0.0297 keep:0.0280 get:0.0265 see:0.0167 do:0.0164 pay:0.0146 let:0.0139 -:0.7571 the:0.1027 a:0.0629 any:0.0253 this:0.0119 an:0.0107 it:0.0095 tho:0.0080 that:0.0065 one:0.0054 -:0.6360 of:0.1994 and:0.0575 in:0.0262 was:0.0163 for:0.0150 to:0.0129 which:0.0125 is:0.0123 or:0.0117 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.8195 come:0.0327 failed:0.0294 been:0.0252 decided:0.0180 not:0.0176 gone:0.0168 made:0.0158 able:0.0146 tried:0.0103 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.6254 a:0.1195 an:0.0700 the:0.0595 not:0.0561 very:0.0281 so:0.0141 as:0.0105 too:0.0084 and:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7887 and:0.0823 of:0.0342 in:0.0238 that:0.0157 the:0.0149 was:0.0110 to:0.0104 is:0.0100 or:0.0089 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -of:0.3561 :0.4466 the:0.0557 in:0.0553 from:0.0190 to:0.0177 and:0.0171 by:0.0134 on:0.0102 at:0.0089 -:0.7632 and:0.0786 to:0.0642 of:0.0376 in:0.0119 or:0.0113 that:0.0108 the:0.0107 will:0.0059 a:0.0058 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6118 the:0.1896 and:0.0496 of:0.0414 to:0.0262 or:0.0195 for:0.0188 in:0.0153 is:0.0140 a:0.0139 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8060 to:0.0927 and:0.0285 the:0.0184 of:0.0139 in:0.0109 a:0.0107 for:0.0069 he:0.0063 been:0.0057 -:0.6037 the:0.2482 of:0.0299 a:0.0203 it:0.0199 his:0.0185 that:0.0182 tho:0.0150 her:0.0144 him:0.0119 -:0.7701 in:0.0719 as:0.0426 with:0.0195 at:0.0182 for:0.0177 on:0.0162 be:0.0160 by:0.0150 to:0.0129 -:0.8179 and:0.0505 is:0.0215 are:0.0206 was:0.0198 he:0.0179 have:0.0150 be:0.0139 who:0.0131 had:0.0096 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8488 of:0.0509 and:0.0264 to:0.0161 in:0.0158 that:0.0135 for:0.0092 or:0.0068 as:0.0063 the:0.0060 -:0.8794 and:0.0285 away:0.0225 down:0.0152 together:0.0147 up:0.0107 years:0.0090 days:0.0079 months:0.0063 off:0.0058 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7992 of:0.0625 the:0.0409 and:0.0277 he:0.0126 that:0.0125 a:0.0124 to:0.0113 with:0.0113 in:0.0096 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.5092 of:0.2670 and:0.0879 was:0.0248 in:0.0243 is:0.0230 or:0.0206 the:0.0166 that:0.0152 with:0.0115 -:0.8861 notified:0.0200 and:0.0172 fact:0.0156 stated:0.0141 so:0.0115 ordered:0.0100 but:0.0088 in:0.0086 declared:0.0081 -:0.8580 time:0.0272 day:0.0250 year:0.0194 man:0.0173 person:0.0160 one:0.0106 thing:0.0090 part:0.0089 way:0.0086 -:0.7414 and:0.0753 of:0.0615 the:0.0282 in:0.0214 to:0.0204 is:0.0202 or:0.0109 are:0.0105 was:0.0101 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.7823 of:0.0619 and:0.0613 to:0.0205 the:0.0182 in:0.0164 or:0.0135 for:0.0101 that:0.0082 on:0.0076 -:0.6122 was:0.1036 is:0.0670 and:0.0567 be:0.0515 has:0.0279 are:0.0262 were:0.0195 have:0.0186 had:0.0167 -:0.6196 to:0.1750 that:0.0653 and:0.0467 will:0.0394 in:0.0128 may:0.0122 which:0.0110 of:0.0097 it:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5639 of:0.2076 and:0.0688 to:0.0591 in:0.0291 that:0.0188 for:0.0142 at:0.0141 or:0.0132 the:0.0112 -:0.6089 be:0.2731 have:0.0483 bo:0.0208 not:0.0196 he:0.0085 the:0.0056 do:0.0055 and:0.0048 get:0.0048 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.8906 as:0.0274 and:0.0247 is:0.0175 but:0.0080 be:0.0080 was:0.0070 or:0.0059 not:0.0058 up:0.0052 -:0.6430 to:0.2112 and:0.0531 the:0.0285 of:0.0183 will:0.0134 would:0.0105 or:0.0085 in:0.0067 should:0.0067 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8105 in:0.0469 of:0.0292 on:0.0237 to:0.0204 by:0.0158 for:0.0155 that:0.0135 and:0.0130 at:0.0115 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7245 the:0.1330 a:0.0317 and:0.0276 an:0.0204 of:0.0196 in:0.0149 is:0.0110 their:0.0087 his:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6005 of:0.2195 and:0.0450 the:0.0295 that:0.0258 or:0.0225 in:0.0217 for:0.0133 to:0.0123 is:0.0099 -of:0.5399 in:0.0979 :0.2040 to:0.0401 and:0.0316 on:0.0276 for:0.0245 with:0.0134 from:0.0123 by:0.0087 -:0.7627 and:0.1175 to:0.0192 be:0.0191 was:0.0170 or:0.0154 are:0.0151 is:0.0133 were:0.0108 we:0.0099 -:0.8811 found:0.0206 made:0.0166 held:0.0161 not:0.0154 placed:0.0136 engaged:0.0113 used:0.0089 paid:0.0088 born:0.0077 -:0.8632 one:0.0642 all:0.0174 any:0.0154 some:0.0125 those:0.0068 each:0.0063 that:0.0054 day:0.0046 many:0.0042 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7899 him:0.0427 out:0.0402 that:0.0352 it:0.0256 them:0.0249 and:0.0117 me:0.0105 down:0.0103 us:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8485 and:0.0326 the:0.0265 that:0.0227 to:0.0126 is:0.0120 be:0.0116 it:0.0112 a:0.0112 as:0.0111 -:0.8543 which:0.0452 and:0.0207 they:0.0201 who:0.0124 men:0.0123 that:0.0106 there:0.0089 we:0.0085 officers:0.0070 -:0.6295 of:0.1133 the:0.0959 and:0.0466 a:0.0438 in:0.0246 to:0.0139 no:0.0121 or:0.0105 for:0.0097 -:0.6486 the:0.1342 to:0.0619 a:0.0288 in:0.0285 and:0.0248 his:0.0212 that:0.0201 by:0.0171 of:0.0148 -will:0.2654 :0.3606 may:0.1105 would:0.0729 can:0.0510 shall:0.0469 could:0.0275 should:0.0250 might:0.0202 to:0.0200 -:0.6793 in:0.1077 of:0.0650 on:0.0293 and:0.0276 for:0.0218 to:0.0204 by:0.0185 at:0.0178 from:0.0125 -:0.6247 to:0.2433 and:0.0732 will:0.0121 of:0.0117 was:0.0079 is:0.0076 the:0.0074 or:0.0061 not:0.0060 -he:0.3216 :0.3865 they:0.0922 she:0.0584 we:0.0491 it:0.0383 ho:0.0239 there:0.0139 have:0.0088 which:0.0072 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -the:0.3165 :0.4250 to:0.0789 his:0.0369 by:0.0302 their:0.0250 and:0.0250 with:0.0234 a:0.0196 of:0.0194 -:0.6371 and:0.1747 he:0.0853 who:0.0207 we:0.0177 they:0.0173 which:0.0140 it:0.0125 she:0.0122 be:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6857 to:0.1135 the:0.0499 in:0.0317 and:0.0283 that:0.0282 from:0.0183 of:0.0175 a:0.0143 for:0.0125 -of:0.2224 :0.4416 in:0.0945 and:0.0624 on:0.0441 with:0.0393 to:0.0257 by:0.0256 for:0.0237 from:0.0206 -:0.6858 order:0.1073 regard:0.1041 addition:0.0368 relation:0.0182 reference:0.0155 said:0.0103 time:0.0083 them:0.0074 which:0.0065 -of:0.2432 :0.5145 and:0.1299 in:0.0289 to:0.0237 or:0.0150 from:0.0126 is:0.0113 was:0.0107 on:0.0102 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6313 as:0.1557 to:0.0935 and:0.0392 that:0.0190 in:0.0159 be:0.0126 but:0.0124 is:0.0104 so:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9260 out:0.0258 one:0.0096 part:0.0066 and:0.0066 side:0.0055 half:0.0052 or:0.0051 that:0.0051 because:0.0045 -:0.6228 the:0.1616 a:0.1355 and:0.0352 of:0.0115 his:0.0080 or:0.0073 an:0.0069 is:0.0060 two:0.0052 -:0.7795 in:0.0559 for:0.0300 is:0.0245 at:0.0222 with:0.0200 no:0.0179 and:0.0177 on:0.0174 that:0.0149 -:0.8201 that:0.0399 all:0.0364 which:0.0297 the:0.0231 and:0.0169 in:0.0105 for:0.0086 of:0.0078 making:0.0069 -:0.6081 the:0.1926 he:0.0382 a:0.0343 it:0.0265 any:0.0229 this:0.0210 not:0.0198 you:0.0187 they:0.0180 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6662 the:0.1403 of:0.0566 that:0.0407 and:0.0200 a:0.0191 in:0.0180 it:0.0159 as:0.0148 his:0.0086 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.7646 the:0.1450 a:0.0230 and:0.0157 his:0.0118 of:0.0107 this:0.0082 tho:0.0081 their:0.0066 an:0.0063 -:0.6286 to:0.0948 in:0.0587 and:0.0533 the:0.0451 from:0.0388 a:0.0234 at:0.0210 for:0.0190 on:0.0174 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -not:0.7454 :0.1287 you:0.0510 we:0.0374 they:0.0106 to:0.0084 it:0.0069 so:0.0048 now:0.0034 all:0.0033 -:0.7879 to:0.0879 and:0.0244 in:0.0232 the:0.0197 that:0.0144 of:0.0133 a:0.0114 for:0.0103 as:0.0076 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6598 not:0.1674 the:0.0603 so:0.0335 it:0.0190 a:0.0179 this:0.0135 their:0.0105 and:0.0096 all:0.0086 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.4214 one:0.1877 the:0.0888 two:0.0815 a:0.0790 three:0.0512 five:0.0288 four:0.0282 six:0.0170 several:0.0163 -:0.6514 to:0.1091 in:0.0727 that:0.0375 at:0.0327 of:0.0273 on:0.0221 not:0.0170 for:0.0152 a:0.0149 -to:0.2774 :0.4687 will:0.0991 and:0.0509 of:0.0329 would:0.0228 can:0.0135 in:0.0122 a:0.0115 may:0.0109 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.4050 :0.4054 bo:0.0549 have:0.0544 not:0.0461 the:0.0101 we:0.0066 only:0.0064 been:0.0059 lie:0.0053 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8433 and:0.0672 that:0.0170 up:0.0147 but:0.0131 out:0.0124 as:0.0115 to:0.0075 it:0.0068 was:0.0065 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.4869 in:0.1427 to:0.1154 with:0.0549 of:0.0500 on:0.0477 for:0.0419 that:0.0239 from:0.0190 at:0.0177 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -a:0.5379 :0.2993 the:0.0628 is:0.0248 it:0.0173 well:0.0131 he:0.0130 an:0.0119 much:0.0108 was:0.0090 -:0.5783 the:0.2946 and:0.0307 of:0.0179 this:0.0170 his:0.0163 a:0.0155 our:0.0113 tho:0.0104 its:0.0080 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.5679 in:0.1320 to:0.0708 of:0.0697 that:0.0368 on:0.0305 from:0.0288 and:0.0246 with:0.0229 for:0.0161 -:0.8018 and:0.0535 at:0.0266 in:0.0264 that:0.0241 to:0.0193 husband:0.0153 with:0.0116 from:0.0112 by:0.0102 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7869 the:0.1046 and:0.0301 of:0.0266 that:0.0134 a:0.0107 to:0.0083 his:0.0074 tho:0.0061 this:0.0060 -:0.8122 and:0.0472 is:0.0395 was:0.0276 are:0.0246 or:0.0117 were:0.0115 but:0.0094 men:0.0090 do:0.0073 -:0.7473 and:0.0612 of:0.0408 the:0.0386 is:0.0297 was:0.0193 a:0.0181 in:0.0165 to:0.0148 or:0.0139 -:0.6318 and:0.0778 of:0.0529 in:0.0500 as:0.0452 for:0.0431 so:0.0345 by:0.0237 that:0.0211 to:0.0199 -:0.9301 said:0.0164 time:0.0149 fact:0.0088 people:0.0057 case:0.0056 world:0.0052 same:0.0050 war:0.0043 day:0.0040 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8537 the:0.0398 a:0.0334 and:0.0256 this:0.0105 of:0.0098 in:0.0091 that:0.0080 which:0.0051 to:0.0051 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7675 not:0.0535 known:0.0408 well:0.0339 just:0.0303 far:0.0169 regarded:0.0165 so:0.0160 soon:0.0131 now:0.0115 -to:0.2631 of:0.1151 :0.3217 and:0.0835 in:0.0573 with:0.0541 at:0.0443 for:0.0237 by:0.0217 that:0.0155 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6875 and:0.0737 of:0.0598 who:0.0563 in:0.0344 to:0.0240 are:0.0227 were:0.0200 on:0.0114 have:0.0101 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.4837 in:0.2574 of:0.0980 the:0.0535 on:0.0407 to:0.0221 with:0.0140 for:0.0104 by:0.0104 and:0.0099 -is:0.3234 was:0.2005 :0.3545 are:0.0284 as:0.0208 in:0.0206 were:0.0152 with:0.0129 has:0.0119 to:0.0118 -:0.6027 was:0.1206 is:0.0819 and:0.0486 the:0.0438 of:0.0407 a:0.0187 are:0.0171 an:0.0137 has:0.0123 -:0.6308 of:0.1209 to:0.1152 and:0.0508 in:0.0268 on:0.0139 for:0.0120 or:0.0110 the:0.0094 that:0.0091 -:0.8895 in:0.0193 for:0.0182 and:0.0166 at:0.0137 is:0.0117 of:0.0086 to:0.0085 by:0.0084 from:0.0054 -the:0.5214 :0.2722 a:0.0637 this:0.0496 tho:0.0256 an:0.0182 his:0.0148 our:0.0135 their:0.0114 its:0.0097 -:0.6653 the:0.1141 of:0.0613 a:0.0356 and:0.0355 to:0.0301 in:0.0259 this:0.0118 his:0.0106 tho:0.0098 -:0.7387 the:0.0635 to:0.0459 a:0.0383 and:0.0349 of:0.0235 in:0.0183 that:0.0143 from:0.0125 as:0.0100 -the:0.2876 :0.4331 a:0.1590 his:0.0302 these:0.0201 tho:0.0187 their:0.0171 its:0.0134 all:0.0123 in:0.0085 -:0.8611 and:0.0556 which:0.0261 who:0.0164 he:0.0114 that:0.0071 it:0.0060 crop:0.0055 day:0.0054 time:0.0054 -:0.8781 and:0.0380 to:0.0221 of:0.0131 in:0.0110 at:0.0095 the:0.0090 from:0.0072 or:0.0068 that:0.0051 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5983 of:0.1893 the:0.0821 and:0.0426 in:0.0280 for:0.0135 is:0.0132 with:0.0132 by:0.0103 was:0.0095 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8223 years:0.0461 days:0.0342 hundred:0.0255 months:0.0198 times:0.0133 hours:0.0117 miles:0.0092 men:0.0090 feet:0.0087 -:0.6900 in:0.0607 to:0.0520 of:0.0515 up:0.0307 and:0.0294 a:0.0245 the:0.0240 forth:0.0188 by:0.0183 -:0.6835 of:0.0907 the:0.0763 and:0.0474 in:0.0233 is:0.0178 by:0.0173 was:0.0171 for:0.0157 or:0.0110 -:0.8203 the:0.0539 he:0.0450 other:0.0154 a:0.0146 then:0.0111 to:0.0108 in:0.0099 we:0.0096 his:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9437 came:0.0145 and:0.0093 way:0.0069 time:0.0063 line:0.0054 went:0.0042 ran:0.0035 week:0.0032 than:0.0029 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9162 most:0.0224 same:0.0110 other:0.0089 best:0.0083 highest:0.0068 great:0.0068 very:0.0067 present:0.0067 first:0.0062 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.6788 the:0.1172 a:0.0690 to:0.0356 in:0.0294 and:0.0270 his:0.0142 of:0.0111 that:0.0094 as:0.0082 -dont:0.0025 cannot:0.0024 may:0.0013 would:0.0009 nwill:0.0009 can:0.0008 could:0.0008 might:0.0008 hardly:0.0007 nshould:0.0007 -:0.8855 the:0.0438 a:0.0177 that:0.0109 of:0.0096 in:0.0086 he:0.0066 to:0.0059 all:0.0056 by:0.0056 -:0.9115 and:0.0449 is:0.0083 to:0.0072 of:0.0067 that:0.0055 but:0.0051 was:0.0040 will:0.0036 in:0.0033 -:0.8498 and:0.0620 the:0.0224 that:0.0157 a:0.0098 it:0.0097 which:0.0093 he:0.0089 of:0.0068 was:0.0055 -:0.7492 the:0.0742 and:0.0451 in:0.0385 of:0.0266 a:0.0249 an:0.0114 is:0.0105 was:0.0098 to:0.0097 -:0.6590 of:0.1419 to:0.0493 and:0.0376 that:0.0229 the:0.0225 in:0.0201 for:0.0188 or:0.0151 was:0.0129 -has:0.4489 :0.2795 had:0.1118 have:0.0727 having:0.0469 lias:0.0101 that:0.0088 not:0.0079 ha:0.0072 was:0.0062 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.7359 be:0.0614 he:0.0397 we:0.0280 as:0.0242 then:0.0233 was:0.0226 is:0.0226 are:0.0216 they:0.0208 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7811 of:0.0761 and:0.0563 the:0.0253 or:0.0120 a:0.0111 that:0.0107 in:0.0104 as:0.0091 to:0.0079 -:0.7765 he:0.0628 and:0.0273 they:0.0258 it:0.0241 we:0.0193 that:0.0189 who:0.0170 which:0.0164 she:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8285 him:0.0473 them:0.0470 years:0.0180 us:0.0164 it:0.0114 me:0.0107 her:0.0085 away:0.0071 miles:0.0052 -:0.6126 only:0.1020 a:0.0775 the:0.0614 some:0.0372 that:0.0341 this:0.0204 to:0.0188 no:0.0185 in:0.0175 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -the:0.3676 :0.4721 of:0.0450 his:0.0260 its:0.0235 other:0.0160 this:0.0146 these:0.0125 their:0.0123 tho:0.0105 -:0.5734 the:0.2356 a:0.0501 and:0.0350 his:0.0291 to:0.0202 that:0.0172 of:0.0172 tho:0.0129 this:0.0092 -:0.6274 in:0.1001 that:0.0548 to:0.0483 of:0.0441 by:0.0312 for:0.0301 on:0.0243 with:0.0212 from:0.0184 -:0.7625 been:0.0546 the:0.0540 to:0.0260 be:0.0230 in:0.0190 he:0.0172 a:0.0156 it:0.0146 that:0.0135 -:0.7319 of:0.0786 and:0.0634 in:0.0319 for:0.0243 on:0.0240 to:0.0138 with:0.0123 is:0.0106 at:0.0093 -:0.7093 the:0.1140 in:0.0442 of:0.0360 and:0.0269 a:0.0238 his:0.0160 by:0.0126 at:0.0089 or:0.0082 -:0.8748 of:0.0435 important:0.0144 other:0.0142 all:0.0109 two:0.0105 three:0.0090 the:0.0089 hundred:0.0072 in:0.0068 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -his:0.2491 :0.3968 their:0.1411 her:0.0476 its:0.0450 the:0.0424 our:0.0343 my:0.0280 tho:0.0078 a:0.0078 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.6245 of:0.1536 in:0.0590 for:0.0506 and:0.0313 or:0.0253 on:0.0203 at:0.0157 that:0.0105 with:0.0092 -of:0.3741 :0.4082 in:0.0707 for:0.0381 on:0.0270 and:0.0257 by:0.0171 from:0.0166 that:0.0117 to:0.0108 -in:0.2101 on:0.1204 :0.3319 to:0.0902 by:0.0787 of:0.0530 for:0.0327 with:0.0324 from:0.0298 at:0.0210 -:0.7020 of:0.0869 the:0.0651 in:0.0508 for:0.0239 and:0.0177 a:0.0142 by:0.0142 on:0.0130 at:0.0122 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6801 and:0.0728 the:0.0680 of:0.0510 a:0.0469 in:0.0412 to:0.0109 with:0.0107 his:0.0092 was:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9508 it:0.0075 and:0.0071 up:0.0070 in:0.0062 away:0.0053 out:0.0044 of:0.0042 them:0.0040 him:0.0036 -:0.5987 of:0.1173 in:0.0841 and:0.0479 to:0.0398 with:0.0296 for:0.0250 on:0.0238 from:0.0180 at:0.0158 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9045 it:0.0268 well:0.0239 follows:0.0104 possible:0.0070 to:0.0067 long:0.0062 he:0.0049 much:0.0048 a:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8138 and:0.0403 that:0.0358 the:0.0355 to:0.0169 of:0.0136 in:0.0134 by:0.0118 as:0.0106 or:0.0083 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.7338 only:0.0575 be:0.0563 as:0.0400 in:0.0300 to:0.0217 like:0.0167 have:0.0161 been:0.0159 for:0.0120 -to:0.1577 will:0.0902 :0.5137 would:0.0451 may:0.0416 shall:0.0355 and:0.0332 of:0.0321 the:0.0277 must:0.0232 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8607 made:0.0282 been:0.0235 done:0.0181 secured:0.0165 caused:0.0153 shown:0.0106 given:0.0096 passed:0.0091 received:0.0085 -:0.8468 not:0.0649 a:0.0265 the:0.0195 in:0.0098 now:0.0074 and:0.0071 of:0.0066 more:0.0058 very:0.0056 -:0.9546 and:0.0169 it:0.0060 but:0.0045 him:0.0039 made:0.0035 as:0.0030 was:0.0027 work:0.0026 time:0.0024 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.8030 to:0.0846 and:0.0646 it:0.0123 will:0.0088 of:0.0082 are:0.0054 is:0.0052 that:0.0041 you:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -cent:0.2203 :0.7161 been:0.0156 and:0.0089 days:0.0083 than:0.0078 in:0.0063 day:0.0057 year:0.0057 time:0.0053 -a:0.4024 the:0.2485 :0.2432 his:0.0261 their:0.0205 this:0.0162 any:0.0118 our:0.0115 its:0.0114 tho:0.0084 -:0.6343 the:0.1615 a:0.0432 of:0.0401 his:0.0295 this:0.0233 any:0.0220 their:0.0195 its:0.0136 in:0.0129 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.6667 to:0.0709 of:0.0659 and:0.0648 the:0.0367 as:0.0284 in:0.0211 that:0.0166 for:0.0151 a:0.0139 -of:0.5265 :0.3797 and:0.0303 in:0.0141 ot:0.0123 or:0.0112 the:0.0097 to:0.0063 on:0.0052 thereof:0.0046 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -be:0.7110 have:0.0529 :0.1344 bo:0.0507 not:0.0261 he:0.0091 been:0.0059 become:0.0043 lie:0.0030 make:0.0026 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -he:0.2542 :0.3211 it:0.1594 they:0.1031 we:0.0488 she:0.0402 there:0.0381 ho:0.0182 you:0.0097 which:0.0070 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -the:0.4326 a:0.1395 :0.2365 this:0.0609 his:0.0419 their:0.0273 tho:0.0218 our:0.0157 its:0.0126 said:0.0113 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8036 and:0.0659 the:0.0406 of:0.0280 to:0.0221 or:0.0126 for:0.0074 not:0.0071 is:0.0070 we:0.0058 -the:0.3845 a:0.1254 :0.3416 his:0.0372 no:0.0257 any:0.0222 tho:0.0203 their:0.0167 an:0.0140 all:0.0124 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.5654 of:0.1240 and:0.0717 in:0.0696 for:0.0669 is:0.0248 with:0.0238 on:0.0190 was:0.0186 to:0.0162 -:0.8521 was:0.0335 is:0.0284 and:0.0241 as:0.0184 than:0.0110 are:0.0091 of:0.0087 has:0.0074 but:0.0072 -:0.9446 and:0.0111 one:0.0099 that:0.0098 out:0.0069 of:0.0043 part:0.0037 line:0.0035 all:0.0031 side:0.0031 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.8118 to:0.1211 and:0.0276 the:0.0104 for:0.0059 a:0.0059 in:0.0056 of:0.0045 as:0.0039 it:0.0034 -of:0.5433 :0.3885 and:0.0237 in:0.0098 or:0.0062 the:0.0062 is:0.0061 to:0.0058 from:0.0055 that:0.0048 -:0.8187 and:0.0533 of:0.0354 the:0.0243 in:0.0215 or:0.0104 that:0.0102 which:0.0092 on:0.0085 to:0.0085 -be:0.8249 bo:0.0564 :0.0761 not:0.0165 have:0.0120 he:0.0058 is:0.0021 lie:0.0021 was:0.0020 been:0.0020 -of:0.5245 :0.2813 to:0.0439 in:0.0429 and:0.0364 on:0.0171 for:0.0168 that:0.0154 at:0.0112 with:0.0105 -:0.9182 and:0.0121 him:0.0120 that:0.0112 them:0.0106 up:0.0096 out:0.0075 owned:0.0066 followed:0.0065 it:0.0058 -has:0.2359 had:0.2142 :0.3688 have:0.0695 having:0.0413 not:0.0237 always:0.0133 lias:0.0119 never:0.0117 already:0.0097 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6222 the:0.1937 a:0.0856 his:0.0210 in:0.0171 of:0.0148 and:0.0145 their:0.0116 tho:0.0105 this:0.0091 -:0.9000 that:0.0238 all:0.0210 the:0.0177 which:0.0117 in:0.0077 said:0.0046 about:0.0046 making:0.0045 and:0.0043 -:0.7993 of:0.0451 the:0.0446 and:0.0307 to:0.0277 in:0.0199 with:0.0088 that:0.0088 a:0.0084 for:0.0067 -:0.7992 of:0.0625 the:0.0409 and:0.0277 he:0.0126 that:0.0125 a:0.0124 to:0.0113 with:0.0113 in:0.0096 -:0.6844 to:0.0779 the:0.0461 and:0.0441 in:0.0421 of:0.0413 a:0.0240 for:0.0149 an:0.0141 that:0.0110 -:0.6713 the:0.2089 a:0.0569 no:0.0147 any:0.0107 an:0.0086 his:0.0080 its:0.0075 tho:0.0072 our:0.0064 -:0.8063 and:0.0639 the:0.0325 a:0.0243 to:0.0218 is:0.0120 he:0.0117 of:0.0115 that:0.0080 was:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9857 have:0.0028 the:0.0024 be:0.0021 you:0.0014 is:0.0012 of:0.0011 we:0.0011 th:0.0011 not:0.0011 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8675 and:0.0439 to:0.0293 the:0.0161 a:0.0121 of:0.0089 or:0.0062 will:0.0060 his:0.0050 for:0.0049 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8052 as:0.0981 and:0.0283 known:0.0227 up:0.0121 but:0.0106 made:0.0073 put:0.0054 placed:0.0052 found:0.0051 -:0.7655 the:0.0601 and:0.0414 of:0.0412 be:0.0184 is:0.0175 he:0.0149 or:0.0145 for:0.0142 in:0.0123 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.9280 and:0.0145 as:0.0110 according:0.0083 feet:0.0077 is:0.0075 enough:0.0065 down:0.0063 it:0.0052 from:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3922 :0.4701 and:0.0532 the:0.0188 with:0.0130 in:0.0129 or:0.0115 from:0.0108 to:0.0097 ot:0.0078 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.9151 went:0.0231 and:0.0114 it:0.0093 him:0.0088 out:0.0077 came:0.0075 go:0.0060 up:0.0059 them:0.0053 -:0.9428 world:0.0092 bill:0.0076 law:0.0073 government:0.0065 city:0.0064 result:0.0055 case:0.0054 country:0.0053 land:0.0042 -:0.6702 the:0.1983 and:0.0280 a:0.0263 of:0.0195 his:0.0140 no:0.0137 this:0.0111 our:0.0101 tho:0.0088 -:0.6052 of:0.2244 and:0.0454 the:0.0415 is:0.0173 was:0.0162 that:0.0142 in:0.0137 to:0.0110 or:0.0110 -:0.9305 little:0.0155 man:0.0109 good:0.0092 great:0.0080 very:0.0072 day:0.0056 large:0.0051 single:0.0042 most:0.0038 -to:0.7357 :0.1942 and:0.0278 we:0.0105 will:0.0081 they:0.0060 that:0.0058 for:0.0050 would:0.0044 can:0.0026 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8044 he:0.0388 and:0.0314 is:0.0267 was:0.0219 that:0.0202 it:0.0164 she:0.0138 has:0.0135 be:0.0129 -:0.8862 in:0.0179 to:0.0170 all:0.0168 for:0.0117 at:0.0116 with:0.0102 by:0.0098 see:0.0096 is:0.0093 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6024 be:0.2382 have:0.0348 not:0.0326 he:0.0296 the:0.0252 bo:0.0195 a:0.0073 it:0.0055 do:0.0052 -the:0.3958 :0.5043 a:0.0281 his:0.0178 tho:0.0165 this:0.0123 their:0.0076 an:0.0063 and:0.0059 tbe:0.0055 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -will:0.4005 to:0.1276 can:0.1094 may:0.0529 would:0.0506 :0.1578 could:0.0347 should:0.0249 cannot:0.0226 must:0.0190 -:0.6838 of:0.1781 and:0.0501 the:0.0246 was:0.0134 in:0.0129 to:0.0127 is:0.0097 are:0.0076 he:0.0072 -:0.7900 be:0.0663 the:0.0561 a:0.0178 not:0.0172 to:0.0114 and:0.0112 in:0.0106 him:0.0103 he:0.0092 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8996 highest:0.0190 great:0.0164 other:0.0142 same:0.0132 most:0.0101 general:0.0076 said:0.0069 whole:0.0067 best:0.0063 -:0.5976 of:0.1289 in:0.0742 and:0.0607 to:0.0325 that:0.0314 with:0.0225 on:0.0198 for:0.0172 from:0.0152 -:0.7523 in:0.0546 the:0.0515 of:0.0357 a:0.0334 on:0.0196 to:0.0192 and:0.0140 one:0.0103 his:0.0093 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.5430 in:0.1222 of:0.0701 and:0.0661 to:0.0547 with:0.0434 by:0.0354 that:0.0256 from:0.0221 for:0.0175 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9279 made:0.0136 owned:0.0095 followed:0.0082 shown:0.0074 given:0.0073 caused:0.0073 and:0.0071 done:0.0059 that:0.0058 -:0.9191 made:0.0262 given:0.0106 done:0.0094 taken:0.0085 used:0.0064 found:0.0059 sold:0.0050 served:0.0047 so:0.0043 -in:0.1451 :0.4102 by:0.0849 to:0.0824 for:0.0747 on:0.0468 with:0.0441 from:0.0440 that:0.0392 and:0.0286 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7753 and:0.0514 that:0.0422 of:0.0412 as:0.0207 the:0.0173 to:0.0144 or:0.0142 for:0.0119 in:0.0113 -:0.8862 one:0.0271 part:0.0172 some:0.0121 all:0.0117 time:0.0114 purpose:0.0093 day:0.0084 kind:0.0083 portion:0.0082 -:0.9246 and:0.0140 it:0.0128 was:0.0084 held:0.0080 that:0.0073 put:0.0072 is:0.0069 made:0.0057 placed:0.0052 -of:0.5672 :0.2445 in:0.0512 and:0.0326 on:0.0225 that:0.0204 for:0.0202 from:0.0173 to:0.0131 with:0.0109 -:0.6731 a:0.0899 not:0.0671 to:0.0548 the:0.0484 no:0.0316 very:0.0096 so:0.0093 one:0.0090 an:0.0073 -:0.6378 the:0.1297 and:0.0572 of:0.0448 to:0.0393 a:0.0364 will:0.0179 said:0.0167 or:0.0119 his:0.0082 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.8763 of:0.0673 and:0.0260 or:0.0057 time:0.0049 city:0.0045 as:0.0043 county:0.0042 in:0.0034 country:0.0033 -:0.7191 is:0.0793 was:0.0635 the:0.0316 and:0.0256 be:0.0234 has:0.0159 are:0.0158 have:0.0136 of:0.0120 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7760 the:0.0782 of:0.0463 a:0.0274 and:0.0257 to:0.0132 or:0.0097 in:0.0080 by:0.0079 this:0.0076 -:0.8433 that:0.0389 the:0.0340 other:0.0204 of:0.0159 in:0.0152 and:0.0110 a:0.0089 his:0.0062 times:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7738 had:0.0483 have:0.0414 are:0.0348 has:0.0256 was:0.0255 is:0.0182 were:0.0147 will:0.0120 would:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9466 and:0.0251 it:0.0060 that:0.0040 or:0.0036 is:0.0035 was:0.0034 but:0.0028 of:0.0026 as:0.0024 -:0.8563 and:0.0380 of:0.0210 in:0.0177 is:0.0140 to:0.0133 have:0.0113 that:0.0109 the:0.0095 was:0.0082 -:0.9125 same:0.0189 following:0.0136 first:0.0121 most:0.0101 said:0.0078 best:0.0071 public:0.0063 next:0.0060 world:0.0056 -:0.9447 time:0.0187 day:0.0054 city:0.0052 way:0.0045 people:0.0045 case:0.0044 same:0.0043 year:0.0042 world:0.0040 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7743 and:0.1172 for:0.0242 to:0.0208 of:0.0168 in:0.0128 or:0.0092 was:0.0087 that:0.0084 is:0.0075 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8707 it:0.0285 went:0.0261 laid:0.0149 and:0.0136 came:0.0115 go:0.0113 put:0.0080 him:0.0079 that:0.0075 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8218 which:0.0376 they:0.0354 it:0.0286 them:0.0217 you:0.0163 there:0.0109 years:0.0098 men:0.0093 we:0.0086 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4458 :0.2740 and:0.0647 in:0.0528 to:0.0499 with:0.0345 for:0.0257 that:0.0254 from:0.0150 on:0.0122 -:0.5892 to:0.0918 and:0.0779 the:0.0765 of:0.0603 a:0.0485 in:0.0166 as:0.0165 at:0.0123 is:0.0104 -:0.8648 to:0.0351 of:0.0179 and:0.0171 was:0.0133 is:0.0131 be:0.0130 will:0.0098 he:0.0086 for:0.0072 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -of:0.3922 :0.4701 and:0.0532 the:0.0188 with:0.0130 in:0.0129 or:0.0115 from:0.0108 to:0.0097 ot:0.0078 -:0.8134 the:0.0714 and:0.0307 of:0.0223 a:0.0213 or:0.0106 this:0.0083 no:0.0079 he:0.0076 one:0.0067 -be:0.6344 :0.2373 have:0.0596 bo:0.0295 he:0.0097 do:0.0090 get:0.0062 the:0.0053 take:0.0046 make:0.0043 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.6831 of:0.1383 and:0.0450 in:0.0280 who:0.0234 are:0.0210 to:0.0190 have:0.0151 the:0.0151 were:0.0120 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.5350 of:0.0908 for:0.0768 in:0.0710 and:0.0604 with:0.0388 at:0.0377 from:0.0354 to:0.0276 by:0.0265 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7895 and:0.0942 a:0.0213 was:0.0180 of:0.0166 be:0.0145 is:0.0144 the:0.0138 are:0.0093 have:0.0085 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6907 who:0.0757 he:0.0658 it:0.0482 which:0.0472 and:0.0294 that:0.0213 there:0.0099 she:0.0068 or:0.0049 -:0.7666 and:0.1022 the:0.0377 is:0.0217 of:0.0152 a:0.0150 this:0.0114 was:0.0106 in:0.0098 as:0.0097 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.6554 be:0.1804 have:0.0599 not:0.0509 bo:0.0178 he:0.0091 the:0.0082 do:0.0066 take:0.0064 make:0.0052 -:0.8038 to:0.0472 one:0.0388 and:0.0224 a:0.0219 in:0.0212 that:0.0152 been:0.0142 two:0.0087 on:0.0066 -:0.6723 and:0.1440 to:0.0663 a:0.0315 the:0.0247 in:0.0225 that:0.0112 as:0.0103 with:0.0088 this:0.0084 -:0.5706 was:0.1526 is:0.0835 had:0.0815 has:0.0496 made:0.0209 took:0.0131 gave:0.0104 saw:0.0090 got:0.0087 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.7870 more:0.0959 less:0.0471 better:0.0183 rather:0.0177 worse:0.0077 larger:0.0077 greater:0.0076 hundred:0.0060 and:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8237 to:0.0591 in:0.0321 only:0.0166 for:0.0149 take:0.0145 on:0.0112 get:0.0099 be:0.0093 put:0.0087 -:0.5941 in:0.0701 as:0.0612 with:0.0598 by:0.0541 of:0.0406 is:0.0355 and:0.0303 for:0.0298 was:0.0246 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5991 if:0.1522 that:0.0710 though:0.0681 to:0.0255 when:0.0220 may:0.0199 it:0.0194 which:0.0116 a:0.0112 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.6291 the:0.1716 a:0.0527 to:0.0519 and:0.0257 his:0.0239 will:0.0176 tho:0.0099 no:0.0094 said:0.0083 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.7363 the:0.0708 and:0.0557 to:0.0280 of:0.0242 a:0.0216 or:0.0195 was:0.0190 is:0.0132 he:0.0116 -:0.9396 and:0.0099 it:0.0090 was:0.0087 him:0.0070 are:0.0062 that:0.0050 put:0.0050 but:0.0049 out:0.0047 -in:0.2767 :0.5070 the:0.0741 a:0.0389 and:0.0302 was:0.0189 to:0.0159 on:0.0134 that:0.0133 his:0.0117 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -a:0.3730 :0.4675 the:0.0710 very:0.0262 no:0.0167 in:0.0160 at:0.0097 not:0.0074 so:0.0067 an:0.0059 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4932 of:0.2126 in:0.0585 and:0.0562 to:0.0481 with:0.0413 from:0.0298 for:0.0241 on:0.0233 as:0.0130 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7593 will:0.0781 had:0.0275 are:0.0259 have:0.0230 would:0.0191 was:0.0185 may:0.0181 a:0.0162 is:0.0142 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -the:0.3565 an:0.1506 :0.3174 a:0.0497 their:0.0413 any:0.0268 tho:0.0179 his:0.0163 her:0.0136 some:0.0099 -:0.7955 of:0.1033 and:0.0574 to:0.0072 for:0.0069 is:0.0064 or:0.0063 in:0.0062 that:0.0059 was:0.0049 -:0.7841 the:0.0633 of:0.0498 and:0.0394 as:0.0133 that:0.0121 a:0.0105 or:0.0096 in:0.0095 to:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7915 a:0.0750 the:0.0650 that:0.0225 and:0.0111 so:0.0079 an:0.0077 of:0.0070 in:0.0062 as:0.0062 -:0.8790 and:0.0312 in:0.0193 a:0.0189 the:0.0184 to:0.0098 one:0.0065 at:0.0059 of:0.0056 on:0.0054 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7880 the:0.0521 of:0.0476 that:0.0261 and:0.0238 to:0.0176 in:0.0129 a:0.0117 as:0.0114 which:0.0086 -:0.8511 of:0.0479 in:0.0393 on:0.0148 and:0.0119 for:0.0095 at:0.0084 by:0.0064 was:0.0061 with:0.0046 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6775 come:0.0667 get:0.0634 go:0.0608 carry:0.0257 take:0.0240 put:0.0228 look:0.0218 be:0.0205 keep:0.0168 -:0.6012 and:0.1111 to:0.0748 of:0.0579 the:0.0558 a:0.0281 in:0.0265 or:0.0205 for:0.0131 by:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6224 the:0.1446 that:0.0688 it:0.0519 a:0.0491 in:0.0141 to:0.0141 his:0.0139 him:0.0111 this:0.0100 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8157 and:0.0500 the:0.0272 was:0.0225 is:0.0222 are:0.0210 he:0.0134 to:0.0096 has:0.0096 be:0.0088 -:0.8689 to:0.0489 and:0.0366 the:0.0106 will:0.0099 would:0.0069 of:0.0056 that:0.0053 or:0.0040 a:0.0034 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7515 the:0.1518 a:0.0520 that:0.0074 an:0.0073 by:0.0065 any:0.0060 all:0.0060 this:0.0058 in:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8993 such:0.0374 order:0.0094 him:0.0092 the:0.0088 and:0.0076 it:0.0074 them:0.0073 that:0.0070 all:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8018 own:0.1102 the:0.0562 respective:0.0093 way:0.0042 best:0.0040 great:0.0038 said:0.0037 tho:0.0035 good:0.0034 -:0.7827 the:0.0883 to:0.0468 and:0.0175 a:0.0166 of:0.0126 that:0.0099 in:0.0088 by:0.0086 his:0.0083 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6419 he:0.0811 they:0.0646 much:0.0387 we:0.0376 long:0.0367 that:0.0354 many:0.0247 it:0.0203 she:0.0189 -:0.8082 and:0.0689 to:0.0503 that:0.0132 will:0.0128 of:0.0113 is:0.0108 was:0.0103 in:0.0077 or:0.0064 -:0.9265 and:0.0208 that:0.0127 the:0.0104 in:0.0077 of:0.0062 to:0.0045 as:0.0041 or:0.0038 a:0.0034 -:0.7336 the:0.1156 of:0.0511 and:0.0417 tho:0.0126 a:0.0119 to:0.0118 his:0.0090 or:0.0065 our:0.0062 -of:0.8133 :0.1153 in:0.0192 from:0.0120 and:0.0079 on:0.0078 for:0.0068 with:0.0062 ot:0.0058 to:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8835 the:0.0314 a:0.0208 to:0.0207 in:0.0140 and:0.0079 not:0.0078 be:0.0047 for:0.0047 as:0.0046 -:0.8917 and:0.0270 him:0.0145 out:0.0144 it:0.0118 but:0.0100 them:0.0088 up:0.0084 that:0.0073 here:0.0062 -:0.9119 and:0.0173 of:0.0123 in:0.0115 the:0.0112 that:0.0102 a:0.0088 to:0.0068 one:0.0066 or:0.0033 -:0.8696 able:0.0374 not:0.0157 made:0.0132 due:0.0121 allowed:0.0119 unable:0.0115 sent:0.0102 going:0.0094 given:0.0090 -:0.6049 to:0.0976 of:0.0892 and:0.0696 from:0.0314 in:0.0300 that:0.0252 the:0.0195 on:0.0172 by:0.0152 -the:0.6281 :0.1681 a:0.0570 his:0.0382 tho:0.0271 their:0.0228 its:0.0158 this:0.0155 our:0.0146 tbe:0.0130 -:0.7463 say:0.0769 know:0.0349 see:0.0330 be:0.0252 believe:0.0211 learn:0.0178 show:0.0177 think:0.0140 do:0.0132 -:0.7086 the:0.1272 a:0.0677 of:0.0206 to:0.0170 in:0.0158 his:0.0144 and:0.0129 for:0.0082 this:0.0076 -:0.6631 the:0.1924 and:0.0268 a:0.0263 of:0.0235 in:0.0231 his:0.0145 tho:0.0116 an:0.0102 to:0.0085 -:0.8541 the:0.0413 to:0.0281 and:0.0206 that:0.0124 a:0.0110 in:0.0105 not:0.0088 with:0.0068 it:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5593 to:0.1297 by:0.0663 in:0.0469 from:0.0443 or:0.0418 at:0.0387 for:0.0351 than:0.0213 with:0.0165 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7185 of:0.0763 the:0.0706 at:0.0286 in:0.0255 and:0.0218 by:0.0202 as:0.0155 with:0.0126 a:0.0102 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.9108 right:0.0254 persons:0.0114 cases:0.0090 them:0.0082 regard:0.0075 as:0.0074 over:0.0069 men:0.0069 her:0.0066 -not:0.2717 :0.5487 to:0.0505 soon:0.0305 be:0.0206 never:0.0205 probably:0.0176 he:0.0145 will:0.0138 it:0.0115 -:0.9047 and:0.0489 that:0.0116 in:0.0078 of:0.0065 or:0.0060 but:0.0040 which:0.0037 for:0.0035 than:0.0034 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8593 out:0.0667 and:0.0209 or:0.0112 one:0.0090 that:0.0084 side:0.0075 line:0.0067 because:0.0052 amount:0.0051 -:0.7599 and:0.0610 the:0.0475 was:0.0248 of:0.0235 is:0.0220 in:0.0199 to:0.0159 with:0.0136 are:0.0119 -:0.9579 and:0.0153 deal:0.0068 of:0.0060 many:0.0033 or:0.0023 way:0.0023 in:0.0022 work:0.0020 action:0.0019 -:0.6052 a:0.1569 the:0.1477 and:0.0203 this:0.0188 of:0.0174 in:0.0139 his:0.0082 that:0.0058 tho:0.0058 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6033 of:0.2261 and:0.0499 to:0.0418 in:0.0283 with:0.0170 or:0.0098 on:0.0084 from:0.0079 the:0.0076 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.8055 are:0.0460 was:0.0296 had:0.0253 is:0.0212 has:0.0195 were:0.0195 have:0.0162 made:0.0089 found:0.0083 -:0.8836 of:0.0289 and:0.0289 the:0.0170 a:0.0114 or:0.0073 to:0.0067 in:0.0058 is:0.0056 that:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8441 in:0.0381 at:0.0288 made:0.0286 of:0.0116 found:0.0110 for:0.0105 to:0.0098 that:0.0091 on:0.0083 -:0.8146 and:0.0526 to:0.0209 is:0.0199 he:0.0198 we:0.0189 have:0.0161 they:0.0135 was:0.0125 the:0.0111 -:0.8585 and:0.0697 of:0.0129 is:0.0124 know:0.0123 to:0.0084 are:0.0071 for:0.0067 was:0.0066 say:0.0054 -:0.4470 of:0.2819 and:0.1439 to:0.0515 or:0.0218 in:0.0163 but:0.0105 for:0.0105 with:0.0102 from:0.0064 -:0.9132 out:0.0385 one:0.0128 that:0.0092 all:0.0056 and:0.0044 line:0.0043 side:0.0042 or:0.0042 some:0.0036 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.6137 other:0.1699 of:0.0793 the:0.0406 one:0.0242 a:0.0225 such:0.0223 very:0.0110 more:0.0098 and:0.0066 -not:0.3418 be:0.1632 :0.3539 have:0.0791 bo:0.0239 make:0.0114 get:0.0078 do:0.0071 give:0.0062 never:0.0056 -the:0.2539 :0.5371 his:0.0423 each:0.0372 one:0.0325 south:0.0255 a:0.0213 their:0.0203 north:0.0158 this:0.0141 -:0.7908 and:0.0696 to:0.0279 a:0.0264 was:0.0263 is:0.0167 will:0.0137 are:0.0098 or:0.0094 of:0.0093 -:0.7615 the:0.0957 a:0.0619 his:0.0204 to:0.0152 other:0.0128 we:0.0108 their:0.0077 they:0.0071 more:0.0069 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.6787 of:0.1091 and:0.0451 or:0.0336 in:0.0293 for:0.0284 the:0.0253 than:0.0204 to:0.0171 a:0.0131 -:0.7897 and:0.0352 the:0.0300 is:0.0299 was:0.0293 have:0.0251 be:0.0173 a:0.0162 has:0.0142 he:0.0130 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6679 to:0.1456 the:0.0385 by:0.0380 for:0.0221 in:0.0214 and:0.0197 that:0.0165 at:0.0156 of:0.0147 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -of:0.5016 :0.2943 in:0.0453 and:0.0354 on:0.0289 to:0.0224 the:0.0222 for:0.0193 is:0.0171 with:0.0136 -:0.5382 in:0.1032 to:0.0956 by:0.0509 of:0.0453 on:0.0370 for:0.0361 with:0.0334 and:0.0323 from:0.0278 -:0.7231 and:0.0494 of:0.0456 a:0.0354 the:0.0343 to:0.0334 in:0.0232 is:0.0231 was:0.0222 for:0.0103 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.6860 the:0.1198 of:0.0950 in:0.0315 a:0.0155 and:0.0144 this:0.0103 their:0.0094 no:0.0093 said:0.0088 -:0.4697 in:0.1329 to:0.1271 for:0.0562 with:0.0533 on:0.0464 from:0.0378 and:0.0346 of:0.0225 by:0.0195 -:0.7738 had:0.0483 have:0.0414 are:0.0348 has:0.0256 was:0.0255 is:0.0182 were:0.0147 will:0.0120 would:0.0057 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.9417 based:0.0103 and:0.0101 called:0.0100 depends:0.0064 looked:0.0050 went:0.0042 entered:0.0042 was:0.0041 made:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -years:0.1604 days:0.1367 :0.4186 months:0.1085 weeks:0.0803 hours:0.0308 hundred:0.0195 minutes:0.0187 or:0.0134 and:0.0131 -:0.9596 city:0.0069 people:0.0066 world:0.0054 same:0.0047 bill:0.0038 government:0.0036 time:0.0032 case:0.0031 man:0.0031 -:0.6271 of:0.1502 and:0.0671 to:0.0440 in:0.0297 on:0.0218 the:0.0168 that:0.0155 for:0.0140 was:0.0138 -:0.5166 do:0.0765 and:0.0737 will:0.0701 is:0.0656 but:0.0558 are:0.0455 did:0.0400 was:0.0309 could:0.0252 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8112 went:0.0734 brought:0.0211 put:0.0204 go:0.0199 it:0.0170 came:0.0116 come:0.0087 got:0.0086 taken:0.0082 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.5604 of:0.2849 and:0.0679 in:0.0238 to:0.0148 that:0.0118 for:0.0116 on:0.0089 the:0.0084 or:0.0076 -:0.8761 the:0.0400 six:0.0149 eight:0.0122 ten:0.0121 four:0.0110 two:0.0094 five:0.0089 his:0.0080 three:0.0073 -:0.7195 and:0.1108 they:0.0318 it:0.0278 which:0.0248 we:0.0217 that:0.0204 there:0.0172 he:0.0142 as:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6420 cent:0.2254 annum:0.0382 acre:0.0354 ton:0.0205 day:0.0114 month:0.0089 centum:0.0062 year:0.0062 hundred:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.8737 old:0.0325 average:0.0200 the:0.0170 additional:0.0117 actual:0.0093 ordinary:0.0093 equal:0.0092 enormous:0.0087 annual:0.0086 -:0.6815 and:0.0932 is:0.0651 was:0.0530 are:0.0283 has:0.0260 will:0.0204 were:0.0128 have:0.0101 but:0.0097 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -:0.8341 the:0.0538 a:0.0312 his:0.0131 as:0.0130 so:0.0120 is:0.0117 in:0.0116 was:0.0102 all:0.0094 -:0.6982 the:0.2040 and:0.0291 a:0.0198 of:0.0137 his:0.0104 or:0.0085 tho:0.0070 their:0.0049 an:0.0047 -of:0.5249 :0.2846 and:0.0511 to:0.0270 the:0.0257 ot:0.0235 for:0.0212 with:0.0186 or:0.0119 is:0.0116 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.9033 hour:0.0320 act:0.0116 order:0.0113 action:0.0094 increase:0.0073 opportunity:0.0067 attack:0.0067 inch:0.0059 opinion:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9039 them:0.0179 him:0.0158 it:0.0140 feet:0.0132 as:0.0086 and:0.0077 up:0.0072 us:0.0060 is:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6875 in:0.0722 of:0.0492 to:0.0374 with:0.0337 on:0.0271 for:0.0252 by:0.0247 that:0.0241 from:0.0188 -:0.8223 the:0.0439 to:0.0409 and:0.0215 a:0.0208 in:0.0164 of:0.0138 for:0.0076 at:0.0067 that:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5373 :0.3232 a:0.0664 tho:0.0182 of:0.0176 his:0.0108 in:0.0075 tbe:0.0066 their:0.0064 an:0.0059 -:0.7321 of:0.1201 and:0.0739 to:0.0177 in:0.0149 the:0.0102 or:0.0100 was:0.0078 will:0.0067 for:0.0067 -:0.5331 the:0.2241 a:0.0896 that:0.0495 it:0.0292 him:0.0165 his:0.0152 to:0.0152 them:0.0148 what:0.0128 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.7886 been:0.0487 made:0.0421 to:0.0328 in:0.0280 given:0.0169 passed:0.0132 found:0.0101 won:0.0101 caused:0.0095 -a:0.2155 the:0.1931 :0.4471 no:0.0444 his:0.0305 their:0.0192 said:0.0129 very:0.0126 my:0.0126 an:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6610 of:0.1978 and:0.0530 in:0.0225 the:0.0149 or:0.0115 that:0.0110 is:0.0108 for:0.0097 on:0.0079 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.5537 to:0.2080 not:0.1673 will:0.0154 now:0.0108 soon:0.0105 also:0.0095 shall:0.0091 should:0.0080 still:0.0077 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8045 we:0.0299 it:0.0269 he:0.0258 you:0.0243 they:0.0223 that:0.0196 and:0.0191 who:0.0149 which:0.0128 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.4430 of:0.1550 in:0.0907 and:0.0873 to:0.0718 with:0.0528 for:0.0484 on:0.0250 at:0.0138 by:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8345 and:0.0598 as:0.0259 are:0.0188 is:0.0146 down:0.0107 up:0.0101 but:0.0101 began:0.0080 from:0.0075 -the:0.6073 :0.2822 tho:0.0327 his:0.0152 our:0.0132 a:0.0132 said:0.0108 this:0.0108 their:0.0086 these:0.0063 -not:0.2535 :0.5147 no:0.0651 been:0.0645 or:0.0226 the:0.0201 ever:0.0199 a:0.0142 so:0.0130 always:0.0125 -the:0.3030 :0.5401 this:0.0491 a:0.0320 said:0.0143 tho:0.0136 no:0.0133 any:0.0128 all:0.0110 he:0.0109 -:0.5774 to:0.2067 we:0.0665 they:0.0434 and:0.0241 will:0.0205 would:0.0202 that:0.0146 you:0.0144 who:0.0122 -:0.5366 of:0.1982 in:0.0815 and:0.0608 at:0.0415 are:0.0221 is:0.0152 on:0.0150 for:0.0149 to:0.0142 -:0.8898 it:0.0290 the:0.0146 was:0.0136 he:0.0135 is:0.0107 then:0.0079 that:0.0078 be:0.0068 a:0.0062 -:0.6785 of:0.1349 all:0.0633 the:0.0379 for:0.0244 in:0.0162 a:0.0135 and:0.0116 two:0.0104 three:0.0093 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5924 a:0.1080 is:0.1018 was:0.0514 are:0.0460 were:0.0308 the:0.0219 and:0.0193 in:0.0144 of:0.0139 -:0.6774 they:0.0672 it:0.0618 and:0.0613 that:0.0338 as:0.0297 we:0.0234 there:0.0156 he:0.0151 which:0.0149 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9012 a:0.0187 was:0.0155 and:0.0122 the:0.0119 it:0.0112 is:0.0089 he:0.0083 be:0.0072 one:0.0049 -:0.6259 a:0.1637 the:0.1061 per:0.0225 of:0.0203 one:0.0179 this:0.0133 and:0.0124 very:0.0091 in:0.0088 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5679 well:0.1940 soon:0.0910 far:0.0445 much:0.0308 it:0.0261 long:0.0157 fast:0.0109 just:0.0107 possible:0.0084 -of:0.4210 :0.4533 and:0.0510 in:0.0208 to:0.0139 the:0.0090 is:0.0089 or:0.0081 ot:0.0074 on:0.0067 -:0.9153 chance:0.0124 desire:0.0119 little:0.0098 time:0.0097 visit:0.0092 right:0.0091 letter:0.0083 bill:0.0079 fair:0.0063 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7247 to:0.0797 of:0.0717 for:0.0354 with:0.0222 and:0.0183 in:0.0161 on:0.0134 let:0.0108 by:0.0077 -:0.6202 the:0.1824 two:0.0476 three:0.0393 several:0.0252 many:0.0199 twenty:0.0199 four:0.0154 for:0.0151 his:0.0150 -:0.8133 the:0.0666 he:0.0247 to:0.0177 a:0.0170 in:0.0149 that:0.0148 and:0.0116 as:0.0106 it:0.0087 -:0.6531 in:0.0734 up:0.0640 on:0.0461 the:0.0400 a:0.0341 his:0.0234 them:0.0227 that:0.0220 it:0.0212 -:0.9015 few:0.0216 little:0.0158 large:0.0140 good:0.0122 great:0.0113 man:0.0082 long:0.0069 small:0.0044 new:0.0040 -:0.9424 one:0.0168 out:0.0099 day:0.0060 part:0.0056 or:0.0050 and:0.0050 some:0.0032 that:0.0031 men:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.5071 in:0.1791 of:0.1006 on:0.0436 from:0.0401 by:0.0397 that:0.0236 and:0.0226 for:0.0224 with:0.0212 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9583 and:0.0087 free:0.0053 him:0.0052 away:0.0047 men:0.0047 them:0.0044 came:0.0031 it:0.0030 far:0.0027 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.5523 of:0.1685 and:0.1169 was:0.0378 in:0.0348 is:0.0336 for:0.0165 to:0.0156 that:0.0120 as:0.0119 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -the:0.4195 a:0.2001 :0.2570 this:0.0420 their:0.0193 tho:0.0183 our:0.0159 any:0.0109 his:0.0089 such:0.0081 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5493 the:0.2076 a:0.1201 of:0.0406 and:0.0266 in:0.0203 his:0.0128 tho:0.0079 to:0.0077 or:0.0071 -:0.6769 was:0.0575 and:0.0501 have:0.0453 has:0.0390 is:0.0352 be:0.0330 are:0.0249 had:0.0192 he:0.0188 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.9295 and:0.0239 man:0.0076 men:0.0070 was:0.0068 is:0.0063 are:0.0060 were:0.0049 interest:0.0046 court:0.0034 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8504 and:0.0413 to:0.0327 of:0.0150 not:0.0142 was:0.0137 will:0.0095 have:0.0078 the:0.0078 is:0.0075 -the:0.6662 :0.1675 a:0.0641 his:0.0241 tho:0.0210 their:0.0135 its:0.0133 this:0.0122 our:0.0113 tbe:0.0067 -of:0.1693 :0.4266 in:0.1330 for:0.0563 to:0.0451 and:0.0444 with:0.0435 is:0.0302 at:0.0263 by:0.0252 -:0.7609 the:0.0871 a:0.0610 he:0.0250 tho:0.0157 county:0.0142 that:0.0133 to:0.0109 this:0.0065 and:0.0053 -to:0.2200 :0.5219 from:0.0510 by:0.0467 in:0.0385 with:0.0333 for:0.0271 on:0.0225 that:0.0197 at:0.0192 -:0.6863 the:0.1315 a:0.0831 to:0.0187 in:0.0146 it:0.0142 out:0.0134 on:0.0131 their:0.0128 them:0.0122 -:0.7770 to:0.0517 the:0.0402 of:0.0300 for:0.0210 that:0.0207 a:0.0194 in:0.0174 and:0.0145 by:0.0081 -the:0.8768 :0.0535 tho:0.0224 a:0.0115 his:0.0110 this:0.0061 tbe:0.0059 its:0.0048 their:0.0046 our:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -:0.7648 the:0.0800 and:0.0546 a:0.0309 of:0.0190 be:0.0129 he:0.0104 as:0.0102 in:0.0089 to:0.0082 -:0.8020 of:0.0869 and:0.0459 in:0.0140 that:0.0111 to:0.0090 from:0.0081 for:0.0081 the:0.0076 as:0.0074 -:0.7290 the:0.1125 a:0.0627 to:0.0397 not:0.0175 that:0.0101 and:0.0088 in:0.0067 one:0.0066 by:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9166 whole:0.0140 public:0.0097 first:0.0096 said:0.0091 same:0.0085 best:0.0085 most:0.0084 other:0.0082 great:0.0074 -:0.5953 the:0.1376 a:0.0888 of:0.0481 and:0.0443 his:0.0276 to:0.0182 for:0.0149 tho:0.0129 or:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8649 and:0.0414 was:0.0201 is:0.0164 that:0.0152 but:0.0112 it:0.0084 down:0.0075 out:0.0075 to:0.0073 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5889 the:0.2148 of:0.0989 a:0.0289 in:0.0176 tho:0.0124 by:0.0116 and:0.0109 his:0.0087 for:0.0072 -:0.6585 of:0.1167 in:0.0640 and:0.0384 to:0.0353 for:0.0235 on:0.0181 with:0.0180 by:0.0147 at:0.0129 -:0.6712 the:0.1252 it:0.0468 his:0.0379 an:0.0302 that:0.0233 a:0.0188 in:0.0182 and:0.0161 he:0.0122 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.6668 the:0.1669 a:0.0332 other:0.0296 every:0.0211 his:0.0207 one:0.0196 any:0.0185 tho:0.0135 their:0.0100 -the:0.7289 a:0.0595 :0.1103 tho:0.0266 his:0.0228 tbe:0.0145 this:0.0130 our:0.0091 their:0.0090 its:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7807 to:0.0617 in:0.0414 been:0.0390 made:0.0183 on:0.0162 by:0.0129 seen:0.0113 for:0.0107 passed:0.0078 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.6265 of:0.2783 in:0.0320 and:0.0198 for:0.0106 at:0.0096 as:0.0076 on:0.0060 to:0.0057 or:0.0039 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -of:0.4506 :0.3525 and:0.0591 to:0.0353 in:0.0219 for:0.0191 on:0.0184 with:0.0169 at:0.0143 from:0.0119 -been:0.2881 :0.5558 not:0.0525 no:0.0302 be:0.0151 the:0.0149 he:0.0133 a:0.0109 already:0.0098 always:0.0094 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9498 and:0.0174 of:0.0068 the:0.0067 time:0.0041 day:0.0034 county:0.0033 in:0.0031 or:0.0027 that:0.0026 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7672 and:0.0565 the:0.0395 to:0.0381 of:0.0329 that:0.0176 for:0.0132 in:0.0131 was:0.0115 with:0.0105 -:0.7152 in:0.0795 the:0.0421 a:0.0410 of:0.0383 and:0.0250 to:0.0166 by:0.0156 this:0.0135 as:0.0133 -:0.6490 and:0.1449 a:0.0546 of:0.0396 in:0.0321 for:0.0252 his:0.0205 or:0.0131 the:0.0122 as:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4536 :0.2964 his:0.0951 a:0.0598 tho:0.0231 said:0.0164 her:0.0157 their:0.0144 any:0.0139 my:0.0116 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7302 the:0.0842 was:0.0463 and:0.0348 is:0.0324 be:0.0228 a:0.0168 are:0.0140 of:0.0109 were:0.0077 -:0.6381 of:0.1228 to:0.0713 in:0.0467 at:0.0374 and:0.0289 for:0.0174 with:0.0150 by:0.0123 or:0.0099 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8259 the:0.0391 a:0.0337 and:0.0299 of:0.0251 in:0.0137 that:0.0130 to:0.0094 or:0.0059 by:0.0041 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8395 and:0.0681 of:0.0352 in:0.0155 to:0.0131 are:0.0070 with:0.0070 as:0.0055 the:0.0047 have:0.0045 -:0.6318 and:0.0778 of:0.0529 in:0.0500 as:0.0452 for:0.0431 so:0.0345 by:0.0237 that:0.0211 to:0.0199 -:0.8635 and:0.0347 of:0.0248 that:0.0139 has:0.0132 or:0.0126 in:0.0125 at:0.0101 is:0.0077 it:0.0069 -:0.6942 of:0.0831 and:0.0531 to:0.0438 the:0.0407 in:0.0240 that:0.0176 for:0.0169 a:0.0154 he:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7778 to:0.0476 the:0.0401 and:0.0322 in:0.0238 a:0.0228 by:0.0153 as:0.0147 on:0.0128 that:0.0128 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.8203 not:0.0527 to:0.0379 now:0.0225 also:0.0158 a:0.0113 in:0.0113 that:0.0103 still:0.0090 always:0.0088 -who:0.0175 whose:0.0051 of:0.0037 other:0.0034 no:0.0027 very:0.0019 hereby:0.0019 political:0.0018 its:0.0018 present:0.0018 -:0.9436 than:0.0319 hundred:0.0047 or:0.0045 long:0.0032 home:0.0029 up:0.0029 well:0.0021 and:0.0021 back:0.0021 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7702 and:0.0535 is:0.0399 of:0.0380 are:0.0205 was:0.0185 to:0.0164 for:0.0155 has:0.0146 or:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9148 one:0.0257 those:0.0192 a:0.0108 all:0.0080 so:0.0059 men:0.0048 now:0.0041 more:0.0035 not:0.0033 -the:0.2566 :0.4093 a:0.0852 their:0.0596 his:0.0551 an:0.0360 this:0.0325 no:0.0269 tho:0.0209 any:0.0180 -:0.7499 and:0.1097 to:0.0297 is:0.0272 but:0.0224 as:0.0140 of:0.0135 or:0.0125 for:0.0120 with:0.0091 -:0.8221 been:0.0707 that:0.0241 it:0.0167 and:0.0154 be:0.0126 but:0.0118 to:0.0092 as:0.0089 time:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9587 one:0.0070 and:0.0065 day:0.0051 time:0.0050 way:0.0047 money:0.0041 two:0.0034 interest:0.0028 law:0.0027 -:0.7459 the:0.0802 of:0.0463 and:0.0432 that:0.0215 to:0.0211 a:0.0139 as:0.0098 which:0.0095 this:0.0087 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7167 or:0.0568 and:0.0497 of:0.0495 for:0.0381 the:0.0294 in:0.0214 with:0.0171 about:0.0127 than:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8542 and:0.0397 to:0.0305 of:0.0303 in:0.0109 or:0.0080 as:0.0073 is:0.0064 was:0.0063 at:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8305 and:0.0656 to:0.0282 of:0.0233 or:0.0150 the:0.0118 not:0.0086 that:0.0068 in:0.0056 for:0.0046 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5610 of:0.1794 the:0.0759 in:0.0597 he:0.0237 and:0.0235 is:0.0223 by:0.0184 to:0.0182 on:0.0179 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7642 will:0.0732 and:0.0471 would:0.0245 is:0.0238 was:0.0202 of:0.0129 to:0.0115 could:0.0113 can:0.0113 -to:0.7516 :0.1842 and:0.0205 will:0.0130 that:0.0070 for:0.0067 a:0.0054 would:0.0041 the:0.0040 of:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.7783 in:0.0514 to:0.0348 only:0.0266 at:0.0209 be:0.0202 as:0.0180 for:0.0175 have:0.0165 exceeding:0.0157 -:0.8999 old:0.0247 hour:0.0196 officer:0.0172 men:0.0155 act:0.0063 people:0.0053 attack:0.0048 article:0.0035 opinion:0.0032 -:0.9580 people:0.0084 law:0.0054 matter:0.0044 work:0.0043 same:0.0042 world:0.0040 men:0.0039 government:0.0037 country:0.0036 -:0.7113 and:0.1641 to:0.0204 of:0.0197 but:0.0163 is:0.0162 are:0.0140 was:0.0135 than:0.0125 know:0.0121 -:0.9429 it:0.0098 that:0.0096 recorded:0.0083 then:0.0073 put:0.0050 was:0.0048 interest:0.0046 placed:0.0041 is:0.0035 -:0.7541 and:0.1069 to:0.0512 of:0.0415 that:0.0093 for:0.0084 which:0.0083 are:0.0074 or:0.0066 will:0.0063 -:0.6294 the:0.2242 a:0.0607 his:0.0160 all:0.0159 no:0.0156 is:0.0100 and:0.0100 tho:0.0092 he:0.0089 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9685 above:0.0074 time:0.0050 of:0.0038 world:0.0036 past:0.0029 following:0.0025 left:0.0023 place:0.0021 in:0.0019 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7555 him:0.0486 to:0.0406 in:0.0390 up:0.0249 all:0.0233 them:0.0219 me:0.0173 us:0.0150 for:0.0139 -:0.9442 and:0.0311 him:0.0040 to:0.0037 that:0.0037 but:0.0031 in:0.0030 out:0.0025 it:0.0025 as:0.0022 -:0.5694 the:0.2047 his:0.0639 a:0.0550 and:0.0290 tho:0.0223 an:0.0172 in:0.0147 of:0.0119 this:0.0119 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7333 than:0.1739 to:0.0224 and:0.0182 of:0.0155 in:0.0113 a:0.0097 the:0.0059 that:0.0058 an:0.0042 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6234 the:0.1349 a:0.0562 him:0.0524 it:0.0392 them:0.0287 her:0.0219 an:0.0155 his:0.0149 this:0.0128 -:0.8528 and:0.0932 that:0.0102 but:0.0087 or:0.0085 is:0.0061 day:0.0059 days:0.0057 years:0.0045 was:0.0044 -:0.9107 and:0.0409 he:0.0069 who:0.0067 the:0.0063 that:0.0060 was:0.0058 it:0.0057 a:0.0056 to:0.0053 -:0.9090 out:0.0506 one:0.0091 all:0.0058 years:0.0054 that:0.0046 or:0.0044 some:0.0041 home:0.0038 favor:0.0033 -:0.7068 much:0.0721 many:0.0473 that:0.0322 long:0.0317 far:0.0296 the:0.0232 to:0.0207 a:0.0193 great:0.0172 -:0.5384 that:0.1329 as:0.1103 and:0.0581 if:0.0440 but:0.0407 when:0.0297 which:0.0219 because:0.0126 where:0.0113 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5330 to:0.1150 may:0.1063 will:0.0500 we:0.0401 he:0.0367 well:0.0337 would:0.0317 they:0.0285 could:0.0251 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7525 and:0.0695 that:0.0574 to:0.0369 it:0.0170 as:0.0162 for:0.0138 up:0.0131 out:0.0125 but:0.0112 -:0.8646 and:0.0606 of:0.0188 the:0.0136 in:0.0085 or:0.0082 was:0.0078 to:0.0069 is:0.0061 for:0.0050 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8248 been:0.0295 made:0.0244 come:0.0231 called:0.0199 based:0.0170 gone:0.0167 heard:0.0156 fallen:0.0149 passed:0.0140 -a:0.2875 the:0.2176 :0.3997 his:0.0280 tho:0.0165 all:0.0128 an:0.0100 their:0.0098 said:0.0092 him:0.0088 -:0.7738 and:0.1009 of:0.0244 in:0.0203 was:0.0171 is:0.0159 be:0.0148 as:0.0123 that:0.0109 for:0.0097 -in:0.1474 of:0.1333 :0.4728 to:0.0594 and:0.0438 for:0.0312 that:0.0298 with:0.0288 by:0.0270 at:0.0265 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7551 of:0.0813 in:0.0443 and:0.0220 the:0.0214 at:0.0196 for:0.0156 to:0.0139 with:0.0138 on:0.0130 -:0.7463 say:0.0769 know:0.0349 see:0.0330 be:0.0252 believe:0.0211 learn:0.0178 show:0.0177 think:0.0140 do:0.0132 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9590 own:0.0150 way:0.0045 the:0.0043 and:0.0037 life:0.0036 county:0.0026 city:0.0025 friends:0.0024 time:0.0024 -:0.8160 of:0.0699 and:0.0264 in:0.0181 by:0.0152 from:0.0147 for:0.0126 or:0.0098 on:0.0093 with:0.0081 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -not:0.7454 :0.1287 you:0.0510 we:0.0374 they:0.0106 to:0.0084 it:0.0069 so:0.0048 now:0.0034 all:0.0033 -:0.7484 in:0.0736 and:0.0678 as:0.0312 was:0.0161 to:0.0148 is:0.0146 are:0.0136 for:0.0106 by:0.0094 -:0.4915 the:0.1936 of:0.1016 in:0.0914 and:0.0304 a:0.0246 his:0.0197 this:0.0168 with:0.0156 by:0.0149 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.8595 the:0.0765 a:0.0121 in:0.0104 of:0.0097 and:0.0081 that:0.0066 his:0.0063 this:0.0058 all:0.0049 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -to:0.5478 :0.3125 a:0.0407 and:0.0395 in:0.0187 that:0.0147 the:0.0073 for:0.0070 will:0.0067 or:0.0051 -:0.9403 and:0.0257 it:0.0096 that:0.0050 was:0.0040 or:0.0036 is:0.0032 who:0.0029 of:0.0028 he:0.0028 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -of:0.7372 in:0.0519 :0.1341 and:0.0149 from:0.0130 on:0.0111 to:0.0100 that:0.0099 for:0.0096 with:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -the:0.0520 :0.8833 his:0.0128 an:0.0102 tho:0.0082 any:0.0081 this:0.0071 her:0.0063 their:0.0060 two:0.0059 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6430 to:0.2112 and:0.0531 the:0.0285 of:0.0183 will:0.0134 would:0.0105 or:0.0085 in:0.0067 should:0.0067 -:0.6838 of:0.1377 and:0.0484 the:0.0337 in:0.0283 is:0.0163 be:0.0142 for:0.0133 was:0.0132 are:0.0112 -:0.7003 the:0.1194 that:0.0459 it:0.0299 to:0.0228 and:0.0203 a:0.0200 his:0.0159 he:0.0135 by:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5503 and:0.1028 as:0.0692 which:0.0657 but:0.0630 that:0.0562 to:0.0313 if:0.0243 when:0.0204 what:0.0169 -:0.7988 than:0.0979 or:0.0211 of:0.0192 and:0.0172 to:0.0146 the:0.0124 a:0.0074 in:0.0065 for:0.0049 -:0.8371 and:0.0715 or:0.0203 is:0.0172 but:0.0123 as:0.0120 was:0.0101 oclock:0.0071 men:0.0062 out:0.0062 -a:0.5604 :0.3549 of:0.0206 the:0.0203 very:0.0136 and:0.0118 in:0.0055 last:0.0046 with:0.0043 by:0.0042 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6384 not:0.1589 be:0.1219 have:0.0228 bo:0.0130 he:0.0109 the:0.0106 do:0.0099 get:0.0071 see:0.0065 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.5848 the:0.2027 a:0.0917 of:0.0379 and:0.0191 his:0.0167 in:0.0150 their:0.0127 tho:0.0108 this:0.0086 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.6501 of:0.1053 and:0.0687 to:0.0402 the:0.0370 in:0.0330 or:0.0208 that:0.0154 for:0.0153 at:0.0142 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.9175 feet:0.0203 as:0.0148 and:0.0140 right:0.0071 is:0.0064 are:0.0060 it:0.0049 men:0.0046 were:0.0044 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9569 and:0.0127 of:0.0097 man:0.0036 line:0.0035 men:0.0032 life:0.0030 land:0.0026 or:0.0024 are:0.0024 -:0.7775 and:0.0568 to:0.0326 was:0.0266 be:0.0243 he:0.0194 is:0.0180 have:0.0158 will:0.0146 has:0.0145 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.5989 who:0.1373 he:0.1019 they:0.0392 have:0.0279 we:0.0277 and:0.0249 she:0.0211 had:0.0119 it:0.0091 -:0.8916 and:0.0535 that:0.0164 the:0.0070 a:0.0067 it:0.0061 as:0.0051 he:0.0050 who:0.0045 of:0.0042 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.7359 and:0.0932 in:0.0408 of:0.0372 to:0.0310 for:0.0159 or:0.0130 that:0.0126 as:0.0112 on:0.0093 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9022 otherwise:0.0195 more:0.0191 years:0.0143 not:0.0096 days:0.0084 to:0.0083 even:0.0075 less:0.0058 or:0.0052 -:0.9288 interest:0.0120 men:0.0103 and:0.0096 man:0.0072 hand:0.0072 persons:0.0070 times:0.0068 things:0.0056 person:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6452 the:0.1795 a:0.0566 they:0.0229 and:0.0216 to:0.0207 we:0.0167 his:0.0141 he:0.0140 that:0.0087 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.9037 husband:0.0238 home:0.0194 wife:0.0100 father:0.0088 life:0.0078 head:0.0077 children:0.0064 friends:0.0062 heart:0.0062 -:0.8763 and:0.0550 up:0.0122 as:0.0091 or:0.0090 that:0.0085 us:0.0082 him:0.0076 down:0.0071 off:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6634 that:0.1422 as:0.0411 what:0.0397 which:0.0369 and:0.0195 it:0.0193 how:0.0151 the:0.0137 him:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9295 man:0.0156 bill:0.0092 matter:0.0079 result:0.0077 law:0.0073 word:0.0065 it:0.0057 day:0.0054 question:0.0053 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8306 the:0.1032 a:0.0175 that:0.0092 and:0.0091 he:0.0077 said:0.0064 tho:0.0057 of:0.0053 in:0.0053 -:0.6522 of:0.0971 to:0.0624 and:0.0624 the:0.0335 that:0.0281 in:0.0251 for:0.0149 or:0.0126 with:0.0117 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6915 to:0.0652 in:0.0588 the:0.0413 and:0.0313 of:0.0302 a:0.0257 by:0.0254 for:0.0167 that:0.0139 -:0.7793 of:0.0686 and:0.0548 in:0.0244 the:0.0228 to:0.0119 that:0.0109 a:0.0101 for:0.0097 or:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7811 great:0.0569 very:0.0425 good:0.0233 little:0.0213 large:0.0194 certain:0.0184 new:0.0140 most:0.0122 single:0.0109 -:0.7609 the:0.1030 a:0.0355 that:0.0281 and:0.0152 to:0.0139 his:0.0120 an:0.0115 in:0.0110 tho:0.0089 -to:0.8144 :0.1549 not:0.0078 and:0.0066 will:0.0055 you:0.0032 may:0.0020 been:0.0020 we:0.0019 of:0.0018 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8996 and:0.0284 made:0.0114 in:0.0111 followed:0.0097 that:0.0096 occupied:0.0079 up:0.0078 for:0.0077 secured:0.0069 -estate:0.2826 :0.6839 property:0.0096 right:0.0054 men:0.0039 interest:0.0036 schools:0.0034 day:0.0030 hundred:0.0024 money:0.0022 -:0.8706 the:0.0315 make:0.0206 take:0.0161 be:0.0125 get:0.0107 do:0.0107 give:0.0100 all:0.0096 pay:0.0077 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.9577 own:0.0134 way:0.0063 the:0.0048 other:0.0041 right:0.0028 most:0.0028 city:0.0028 one:0.0027 best:0.0025 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6159 and:0.1272 is:0.0581 are:0.0451 to:0.0372 of:0.0328 was:0.0286 in:0.0258 have:0.0159 from:0.0132 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -he:0.2878 :0.4326 be:0.1009 she:0.0450 it:0.0377 they:0.0366 we:0.0231 ho:0.0135 lie:0.0127 have:0.0102 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7990 and:0.0683 to:0.0280 are:0.0211 is:0.0195 have:0.0166 was:0.0138 will:0.0125 as:0.0107 has:0.0105 -the:0.2307 a:0.1466 :0.4418 his:0.0455 their:0.0346 any:0.0299 our:0.0187 its:0.0179 this:0.0179 her:0.0164 -:0.8695 him:0.0289 them:0.0204 that:0.0141 it:0.0138 and:0.0137 out:0.0127 us:0.0100 put:0.0099 me:0.0071 -:0.6863 the:0.1315 a:0.0831 to:0.0187 in:0.0146 it:0.0142 out:0.0134 on:0.0131 their:0.0128 them:0.0122 -:0.7390 the:0.0659 short:0.0364 that:0.0303 in:0.0287 a:0.0285 this:0.0237 some:0.0199 long:0.0146 one:0.0129 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9105 hands:0.0198 way:0.0156 life:0.0122 wife:0.0087 home:0.0078 father:0.0065 eyes:0.0064 mind:0.0064 head:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7785 of:0.0551 and:0.0492 from:0.0392 to:0.0308 the:0.0175 in:0.0089 on:0.0072 or:0.0072 that:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.3277 will:0.1578 :0.1998 shall:0.0797 may:0.0746 should:0.0516 would:0.0408 can:0.0278 must:0.0241 could:0.0161 -:0.7821 of:0.0664 and:0.0382 to:0.0265 in:0.0213 the:0.0166 by:0.0157 or:0.0152 for:0.0096 with:0.0084 -:0.8693 much:0.0529 many:0.0244 one:0.0159 full:0.0089 little:0.0082 part:0.0068 close:0.0049 few:0.0049 line:0.0039 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.6453 has:0.0814 have:0.0618 is:0.0470 and:0.0448 was:0.0370 had:0.0339 be:0.0187 are:0.0166 as:0.0135 -:0.6879 of:0.1682 and:0.0422 in:0.0275 or:0.0162 the:0.0147 for:0.0133 to:0.0120 at:0.0099 on:0.0083 -:0.9381 and:0.0271 time:0.0058 out:0.0047 to:0.0046 one:0.0043 but:0.0042 day:0.0039 way:0.0037 or:0.0036 -:0.7442 the:0.1434 a:0.0406 and:0.0189 this:0.0153 of:0.0117 his:0.0094 in:0.0063 or:0.0051 an:0.0051 -:0.7651 the:0.0531 and:0.0463 of:0.0419 to:0.0277 that:0.0223 a:0.0135 in:0.0115 for:0.0111 it:0.0074 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6585 of:0.1167 in:0.0640 and:0.0384 to:0.0353 for:0.0235 on:0.0181 with:0.0180 by:0.0147 at:0.0129 -:0.9372 and:0.0313 of:0.0068 as:0.0051 or:0.0049 was:0.0035 the:0.0030 is:0.0030 in:0.0026 that:0.0026 -:0.7961 went:0.0482 had:0.0351 is:0.0256 was:0.0200 came:0.0198 began:0.0194 seemed:0.0161 ought:0.0106 seems:0.0092 -:0.6114 of:0.0817 and:0.0680 to:0.0607 in:0.0458 with:0.0338 the:0.0335 that:0.0256 by:0.0201 for:0.0195 -is:0.5544 was:0.1551 :0.2138 has:0.0218 be:0.0212 not:0.0100 and:0.0092 had:0.0059 we:0.0045 were:0.0041 -:0.9287 is:0.0121 him:0.0102 went:0.0100 go:0.0077 regard:0.0069 come:0.0064 want:0.0062 and:0.0061 according:0.0058 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.8923 the:0.0255 and:0.0172 of:0.0139 in:0.0122 a:0.0089 to:0.0088 for:0.0084 by:0.0073 is:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3120 :0.5497 a:0.0299 his:0.0246 tho:0.0208 an:0.0155 this:0.0143 our:0.0127 any:0.0108 her:0.0097 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -of:0.5229 :0.2983 in:0.0473 and:0.0288 with:0.0247 that:0.0226 to:0.0212 on:0.0168 for:0.0093 from:0.0082 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.4956 of:0.2562 and:0.0589 the:0.0476 or:0.0362 to:0.0336 in:0.0327 for:0.0201 a:0.0101 with:0.0091 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.8208 the:0.1024 a:0.0173 and:0.0172 to:0.0100 this:0.0089 said:0.0079 it:0.0059 that:0.0048 tho:0.0047 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -to:0.3146 :0.4943 and:0.0415 will:0.0396 we:0.0288 can:0.0219 who:0.0182 would:0.0170 not:0.0124 they:0.0118 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8678 made:0.0336 done:0.0183 taken:0.0145 found:0.0137 seen:0.0123 held:0.0112 given:0.0099 paid:0.0096 used:0.0091 -:0.7848 to:0.0550 and:0.0404 is:0.0283 of:0.0237 was:0.0182 or:0.0155 in:0.0139 for:0.0121 has:0.0081 -:0.5835 the:0.1692 by:0.0720 of:0.0712 a:0.0324 and:0.0187 for:0.0169 in:0.0132 at:0.0128 with:0.0102 -:0.7988 than:0.0979 or:0.0211 of:0.0192 and:0.0172 to:0.0146 the:0.0124 a:0.0074 in:0.0065 for:0.0049 -:0.6328 and:0.1452 of:0.0639 the:0.0378 to:0.0333 for:0.0293 with:0.0179 in:0.0160 by:0.0119 or:0.0119 -:0.7420 in:0.0703 to:0.0377 of:0.0314 be:0.0243 on:0.0241 that:0.0185 as:0.0177 by:0.0177 is:0.0164 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6607 was:0.0765 be:0.0454 has:0.0414 is:0.0350 and:0.0333 he:0.0331 have:0.0257 were:0.0250 had:0.0239 -:0.9442 and:0.0311 him:0.0040 to:0.0037 that:0.0037 but:0.0031 in:0.0030 out:0.0025 it:0.0025 as:0.0022 -:0.8284 than:0.0653 and:0.0389 to:0.0122 as:0.0120 of:0.0117 in:0.0105 or:0.0082 at:0.0067 the:0.0061 -:0.8200 was:0.0306 is:0.0281 the:0.0257 to:0.0252 and:0.0220 be:0.0173 have:0.0109 had:0.0103 been:0.0100 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -to:0.5510 :0.3422 will:0.0363 and:0.0234 would:0.0189 should:0.0072 shall:0.0060 may:0.0052 of:0.0048 could:0.0048 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.5266 of:0.1743 that:0.0788 in:0.0761 by:0.0383 for:0.0327 all:0.0235 with:0.0216 and:0.0172 which:0.0108 -:0.7068 have:0.0788 come:0.0421 go:0.0342 be:0.0332 not:0.0329 seem:0.0280 continue:0.0192 try:0.0125 want:0.0124 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.3623 was:0.1647 are:0.1472 is:0.1170 were:0.0431 and:0.0427 have:0.0417 has:0.0389 had:0.0260 be:0.0162 -:0.7675 the:0.1033 and:0.0302 his:0.0201 in:0.0166 of:0.0161 a:0.0154 by:0.0111 for:0.0099 or:0.0098 -:0.6654 the:0.2283 a:0.0270 this:0.0161 said:0.0159 tho:0.0153 his:0.0092 our:0.0083 tbe:0.0075 their:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.4828 in:0.1702 of:0.1131 the:0.0750 and:0.0480 to:0.0308 from:0.0276 by:0.0247 for:0.0151 with:0.0128 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.3010 on:0.0973 :0.3492 in:0.0533 into:0.0460 by:0.0386 with:0.0315 from:0.0304 for:0.0283 of:0.0246 -:0.8338 and:0.0618 of:0.0245 to:0.0241 was:0.0123 from:0.0100 or:0.0092 it:0.0083 in:0.0082 is:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4758 to:0.2612 of:0.1081 and:0.1022 will:0.0175 is:0.0085 can:0.0079 or:0.0068 are:0.0063 which:0.0056 -:0.8436 and:0.0574 of:0.0512 that:0.0094 or:0.0088 men:0.0073 it:0.0066 thereof:0.0054 who:0.0053 will:0.0049 -:0.7451 and:0.0704 of:0.0681 to:0.0313 is:0.0239 the:0.0142 in:0.0141 was:0.0118 for:0.0112 as:0.0100 -:0.6546 the:0.1732 to:0.0643 of:0.0336 and:0.0206 a:0.0193 his:0.0098 their:0.0083 tho:0.0082 for:0.0081 -:0.7721 or:0.0515 and:0.0364 for:0.0342 the:0.0333 in:0.0244 of:0.0182 at:0.0108 about:0.0097 with:0.0092 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -of:0.3760 :0.4520 and:0.0528 in:0.0290 to:0.0253 the:0.0170 or:0.0151 with:0.0121 that:0.0116 for:0.0092 -:0.7881 and:0.0801 or:0.0299 was:0.0237 to:0.0201 is:0.0130 not:0.0120 of:0.0117 that:0.0111 but:0.0104 -:0.7017 was:0.0872 is:0.0612 and:0.0473 of:0.0212 he:0.0191 they:0.0188 we:0.0176 who:0.0139 or:0.0120 -not:0.3207 :0.4919 probably:0.0498 to:0.0348 soon:0.0265 be:0.0237 never:0.0166 will:0.0152 also:0.0124 he:0.0084 -:0.7872 it:0.0397 he:0.0353 they:0.0304 we:0.0232 which:0.0208 and:0.0199 who:0.0169 you:0.0137 that:0.0128 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.7972 it:0.0734 he:0.0554 that:0.0167 there:0.0146 which:0.0100 be:0.0096 one:0.0094 she:0.0088 and:0.0049 -:0.9011 and:0.0337 or:0.0166 to:0.0115 is:0.0089 day:0.0072 was:0.0060 had:0.0056 years:0.0048 it:0.0046 -to:0.5981 :0.1826 of:0.1013 in:0.0241 and:0.0239 for:0.0200 from:0.0180 with:0.0156 on:0.0088 by:0.0077 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.5051 in:0.1294 of:0.1244 to:0.0655 that:0.0378 on:0.0334 and:0.0294 with:0.0269 from:0.0243 for:0.0239 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7151 years:0.0690 months:0.0487 days:0.0402 hundred:0.0270 or:0.0229 of:0.0227 weeks:0.0203 and:0.0173 times:0.0167 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.9446 them:0.0144 land:0.0101 money:0.0065 the:0.0047 sale:0.0043 him:0.0041 said:0.0040 men:0.0038 it:0.0036 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.7369 and:0.0494 was:0.0474 is:0.0388 the:0.0295 he:0.0274 had:0.0209 has:0.0197 be:0.0156 have:0.0143 -:0.8390 day:0.0590 side:0.0300 part:0.0138 line:0.0126 quarter:0.0098 hundred:0.0096 class:0.0090 one:0.0087 kind:0.0086 -:0.8079 of:0.0483 and:0.0308 the:0.0266 that:0.0194 in:0.0182 to:0.0158 on:0.0119 for:0.0113 or:0.0098 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -to:0.4121 :0.4195 will:0.0431 not:0.0402 and:0.0292 can:0.0161 would:0.0120 shall:0.0100 should:0.0097 may:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7723 of:0.0636 the:0.0530 and:0.0232 in:0.0195 that:0.0184 it:0.0148 a:0.0131 to:0.0120 on:0.0102 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -the:0.3492 :0.5402 a:0.0297 tho:0.0147 this:0.0144 his:0.0125 tbe:0.0111 their:0.0099 her:0.0096 an:0.0087 -:0.9583 people:0.0082 government:0.0050 man:0.0049 he:0.0045 country:0.0044 war:0.0042 city:0.0036 land:0.0034 bill:0.0033 -a:0.1288 no:0.1159 :0.4734 the:0.1005 that:0.0453 this:0.0328 not:0.0306 short:0.0252 some:0.0245 one:0.0229 -:0.5704 of:0.2047 to:0.0697 and:0.0615 in:0.0199 for:0.0198 from:0.0155 the:0.0140 or:0.0123 on:0.0121 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5993 the:0.2100 of:0.0482 his:0.0376 that:0.0311 other:0.0176 and:0.0176 a:0.0134 their:0.0128 tho:0.0125 -:0.6740 to:0.1192 will:0.0397 we:0.0343 they:0.0263 he:0.0245 would:0.0241 the:0.0237 then:0.0172 not:0.0170 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8651 been:0.0385 be:0.0322 in:0.0143 the:0.0122 to:0.0103 and:0.0101 had:0.0071 have:0.0054 made:0.0048 -:0.5860 be:0.0843 was:0.0843 and:0.0594 is:0.0428 are:0.0314 were:0.0293 has:0.0285 he:0.0283 have:0.0257 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.7021 and:0.1199 of:0.0448 or:0.0338 is:0.0267 in:0.0225 for:0.0151 are:0.0126 to:0.0114 with:0.0112 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -the:0.3424 :0.3209 a:0.1448 his:0.0503 their:0.0385 tho:0.0258 said:0.0258 our:0.0237 its:0.0159 these:0.0118 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.4290 with:0.1127 of:0.0850 in:0.0838 that:0.0643 by:0.0487 and:0.0484 to:0.0455 for:0.0444 from:0.0382 -:0.8138 the:0.0533 a:0.0414 be:0.0281 was:0.0152 and:0.0128 as:0.0104 all:0.0090 he:0.0082 that:0.0078 -:0.9466 and:0.0251 it:0.0060 that:0.0040 or:0.0036 is:0.0035 was:0.0034 but:0.0028 of:0.0026 as:0.0024 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.5172 of:0.1457 in:0.1091 on:0.0495 and:0.0418 to:0.0397 with:0.0336 at:0.0276 that:0.0182 for:0.0175 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.5243 to:0.2419 in:0.0510 the:0.0510 and:0.0322 that:0.0295 a:0.0237 by:0.0228 with:0.0134 from:0.0102 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8236 the:0.0396 and:0.0261 to:0.0255 in:0.0238 that:0.0172 of:0.0164 it:0.0105 a:0.0094 he:0.0079 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -to:0.2167 :0.4222 by:0.0933 in:0.0574 of:0.0452 for:0.0433 from:0.0414 on:0.0370 that:0.0232 with:0.0202 -:0.5163 with:0.2185 and:0.0837 of:0.0789 to:0.0264 by:0.0191 the:0.0178 in:0.0163 that:0.0136 or:0.0095 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.6531 of:0.0816 to:0.0706 that:0.0571 and:0.0412 it:0.0295 in:0.0199 a:0.0181 the:0.0159 for:0.0128 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8560 man:0.0447 men:0.0325 and:0.0241 of:0.0134 people:0.0075 lady:0.0067 that:0.0064 woman:0.0045 wife:0.0044 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7266 and:0.0706 of:0.0691 to:0.0401 the:0.0217 that:0.0204 in:0.0165 from:0.0135 at:0.0113 ago:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7330 the:0.0775 to:0.0475 a:0.0462 and:0.0331 of:0.0186 in:0.0167 for:0.0110 his:0.0083 by:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.5394 the:0.2662 a:0.0814 his:0.0275 their:0.0221 it:0.0167 this:0.0147 her:0.0128 tho:0.0097 that:0.0095 -:0.8739 the:0.0437 he:0.0219 a:0.0177 and:0.0112 be:0.0085 in:0.0076 that:0.0062 at:0.0047 by:0.0046 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.9213 that:0.0158 it:0.0138 one:0.0124 he:0.0081 more:0.0081 two:0.0067 and:0.0053 to:0.0048 on:0.0038 -:0.7948 and:0.0745 that:0.0343 but:0.0307 when:0.0132 if:0.0129 where:0.0119 than:0.0097 time:0.0092 which:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -could:0.0014 should:0.0014 :0.9913 will:0.0010 must:0.0009 the:0.0009 shall:0.0008 can:0.0008 set:0.0007 may:0.0007 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8545 that:0.0465 which:0.0315 whom:0.0148 said:0.0145 course:0.0090 all:0.0079 what:0.0079 the:0.0073 them:0.0062 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8385 the:0.0355 and:0.0344 of:0.0247 to:0.0180 that:0.0131 as:0.0126 which:0.0084 a:0.0083 in:0.0065 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6498 of:0.1736 and:0.0705 in:0.0230 or:0.0227 is:0.0149 was:0.0137 the:0.0136 to:0.0107 on:0.0075 -:0.7180 how:0.1300 it:0.0289 as:0.0289 that:0.0257 what:0.0239 according:0.0136 not:0.0134 them:0.0096 him:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7518 of:0.0581 the:0.0355 in:0.0348 a:0.0336 and:0.0293 to:0.0193 that:0.0171 for:0.0106 or:0.0099 -:0.6816 of:0.1374 the:0.0475 and:0.0447 in:0.0233 a:0.0138 by:0.0138 for:0.0130 to:0.0128 with:0.0121 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -:0.7140 the:0.1635 a:0.0372 of:0.0164 and:0.0162 his:0.0160 our:0.0099 in:0.0096 tho:0.0088 no:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8832 own:0.0286 to:0.0230 the:0.0170 and:0.0127 great:0.0097 that:0.0089 home:0.0074 first:0.0050 husband:0.0047 -:0.7220 the:0.0636 and:0.0587 to:0.0507 of:0.0438 his:0.0183 in:0.0125 a:0.0112 or:0.0109 not:0.0084 -:0.5992 a:0.1073 the:0.1032 any:0.0470 that:0.0336 to:0.0299 per:0.0257 his:0.0227 in:0.0173 and:0.0142 -:0.8651 been:0.0385 be:0.0322 in:0.0143 the:0.0122 to:0.0103 and:0.0101 had:0.0071 have:0.0054 made:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -of:0.4281 :0.4011 and:0.0827 was:0.0173 to:0.0172 in:0.0168 is:0.0141 are:0.0085 for:0.0073 or:0.0068 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5163 with:0.2185 and:0.0837 of:0.0789 to:0.0264 by:0.0191 the:0.0178 in:0.0163 that:0.0136 or:0.0095 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8545 the:0.0482 to:0.0407 a:0.0123 in:0.0114 and:0.0104 said:0.0060 with:0.0058 from:0.0054 it:0.0053 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8842 in:0.0230 be:0.0200 been:0.0163 to:0.0130 the:0.0118 and:0.0087 get:0.0081 made:0.0079 take:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7356 and:0.0809 of:0.0582 is:0.0287 in:0.0220 a:0.0167 to:0.0158 the:0.0157 that:0.0134 was:0.0131 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9629 time:0.0061 country:0.0050 and:0.0041 city:0.0039 interest:0.0038 land:0.0036 work:0.0035 right:0.0035 way:0.0035 -:0.6481 days:0.1304 years:0.0566 months:0.0331 times:0.0321 men:0.0232 hours:0.0215 weeks:0.0207 hundred:0.0192 or:0.0151 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6708 is:0.0940 was:0.0736 are:0.0561 were:0.0336 and:0.0215 the:0.0150 to:0.0139 in:0.0108 a:0.0108 -to:0.7426 :0.1963 and:0.0222 of:0.0085 that:0.0066 will:0.0062 for:0.0051 in:0.0050 it:0.0041 the:0.0035 -:0.7637 opportunity:0.0645 order:0.0464 effort:0.0308 appeal:0.0216 hour:0.0203 attempt:0.0192 equal:0.0170 act:0.0084 open:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8091 found:0.0409 given:0.0265 so:0.0249 declared:0.0216 seen:0.0183 said:0.0166 ordered:0.0142 made:0.0141 notified:0.0139 -:0.6542 the:0.1464 a:0.0444 his:0.0421 of:0.0379 their:0.0223 and:0.0201 my:0.0123 our:0.0112 in:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6923 the:0.0826 of:0.0796 in:0.0465 and:0.0347 a:0.0222 to:0.0132 that:0.0099 for:0.0097 by:0.0093 -the:0.0810 tho:0.0198 a:0.0194 his:0.0117 its:0.0112 their:0.0108 tbe:0.0091 :0.8231 our:0.0070 of:0.0069 -:0.7778 the:0.1256 of:0.0207 a:0.0170 and:0.0147 to:0.0127 named:0.0101 it:0.0081 that:0.0067 tho:0.0066 -:0.8671 deal:0.0596 part:0.0200 amount:0.0098 sort:0.0086 matter:0.0081 one:0.0076 way:0.0066 kind:0.0065 many:0.0062 -:0.7723 of:0.0636 the:0.0530 and:0.0232 in:0.0195 that:0.0184 it:0.0148 a:0.0131 to:0.0120 on:0.0102 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6269 is:0.0873 it:0.0603 do:0.0442 if:0.0380 did:0.0327 will:0.0316 are:0.0290 and:0.0266 does:0.0233 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8488 hour:0.0489 act:0.0189 increase:0.0175 amount:0.0157 order:0.0127 action:0.0122 example:0.0091 average:0.0083 explanation:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8470 of:0.0644 and:0.0338 to:0.0128 that:0.0106 in:0.0077 or:0.0069 the:0.0065 times:0.0053 from:0.0050 -:0.9493 in:0.0110 to:0.0075 of:0.0067 and:0.0052 up:0.0051 it:0.0051 all:0.0035 out:0.0033 men:0.0033 -by:0.1749 :0.4826 in:0.0940 to:0.0560 for:0.0540 with:0.0392 as:0.0295 up:0.0251 at:0.0239 on:0.0208 -:0.8275 the:0.0699 a:0.0203 and:0.0177 in:0.0140 his:0.0140 of:0.0119 was:0.0108 their:0.0070 to:0.0068 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8338 the:0.0585 a:0.0415 and:0.0149 of:0.0111 that:0.0106 to:0.0097 in:0.0073 he:0.0064 as:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.8115 and:0.0391 was:0.0381 of:0.0361 is:0.0320 or:0.0096 are:0.0093 to:0.0088 in:0.0083 for:0.0073 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.7138 and:0.1264 to:0.0823 we:0.0147 was:0.0121 will:0.0119 they:0.0117 is:0.0092 of:0.0091 the:0.0089 -:0.5513 of:0.2284 to:0.0753 and:0.0549 in:0.0229 the:0.0183 that:0.0149 on:0.0119 for:0.0111 a:0.0109 -:0.8105 the:0.1211 a:0.0129 said:0.0128 this:0.0119 which:0.0069 them:0.0068 her:0.0062 and:0.0055 all:0.0054 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -to:0.3584 :0.4749 not:0.0642 been:0.0254 never:0.0219 you:0.0140 we:0.0125 will:0.0097 they:0.0095 ever:0.0095 -:0.8910 known:0.0450 as:0.0267 up:0.0104 to:0.0063 in:0.0054 and:0.0047 him:0.0043 made:0.0032 down:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6561 more:0.1074 better:0.0907 larger:0.0345 greater:0.0248 less:0.0242 higher:0.0230 worse:0.0195 rather:0.0116 dozen:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6021 of:0.2385 and:0.0713 to:0.0266 in:0.0215 is:0.0127 was:0.0093 or:0.0069 with:0.0065 for:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8520 to:0.0425 the:0.0196 and:0.0185 that:0.0163 a:0.0162 in:0.0137 on:0.0072 of:0.0071 for:0.0070 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8758 to:0.0341 the:0.0222 and:0.0213 of:0.0143 that:0.0093 a:0.0072 or:0.0064 for:0.0053 as:0.0040 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7681 much:0.0528 that:0.0519 the:0.0331 far:0.0212 many:0.0200 as:0.0149 a:0.0134 to:0.0124 long:0.0123 -:0.6835 the:0.1273 to:0.0649 a:0.0475 and:0.0253 of:0.0190 his:0.0109 this:0.0082 will:0.0073 tho:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7901 the:0.0595 and:0.0389 of:0.0388 as:0.0157 at:0.0157 in:0.0127 for:0.0114 with:0.0097 a:0.0076 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7307 and:0.0794 to:0.0733 of:0.0311 the:0.0306 for:0.0136 in:0.0123 will:0.0103 his:0.0094 is:0.0092 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.4764 to:0.1205 in:0.1170 on:0.0493 by:0.0463 and:0.0400 with:0.0400 for:0.0394 of:0.0364 from:0.0346 -:0.9606 city:0.0058 people:0.0057 matter:0.0049 way:0.0041 case:0.0040 time:0.0039 state:0.0039 right:0.0037 place:0.0034 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.4627 they:0.1801 we:0.1102 it:0.1016 he:0.0811 she:0.0218 you:0.0143 there:0.0143 that:0.0069 well:0.0068 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.7085 in:0.1091 of:0.0566 for:0.0280 and:0.0273 at:0.0159 on:0.0152 that:0.0144 by:0.0132 to:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.5489 of:0.2560 and:0.0653 to:0.0377 that:0.0214 in:0.0205 the:0.0155 is:0.0126 as:0.0112 was:0.0107 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7834 of:0.0673 and:0.0464 to:0.0280 in:0.0266 that:0.0104 or:0.0104 was:0.0097 are:0.0095 is:0.0083 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.7991 other:0.0768 one:0.0229 more:0.0222 the:0.0216 and:0.0162 of:0.0162 a:0.0126 little:0.0072 most:0.0054 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7246 and:0.1791 was:0.0252 of:0.0177 is:0.0146 to:0.0111 will:0.0092 which:0.0062 are:0.0061 but:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7649 of:0.1057 and:0.0521 to:0.0170 is:0.0157 was:0.0112 in:0.0099 or:0.0090 will:0.0079 the:0.0066 -:0.7637 has:0.0507 and:0.0357 have:0.0347 is:0.0278 was:0.0245 had:0.0219 than:0.0145 who:0.0134 he:0.0133 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.6554 be:0.1804 have:0.0599 not:0.0509 bo:0.0178 he:0.0091 the:0.0082 do:0.0066 take:0.0064 make:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7017 as:0.1664 the:0.0221 from:0.0199 by:0.0186 more:0.0185 and:0.0164 in:0.0143 to:0.0124 out:0.0097 -:0.7827 of:0.0682 to:0.0362 and:0.0360 that:0.0242 the:0.0173 it:0.0116 for:0.0093 in:0.0075 which:0.0072 -:0.9392 and:0.0200 to:0.0089 it:0.0083 him:0.0044 out:0.0043 that:0.0041 them:0.0039 will:0.0036 or:0.0032 -:0.7278 of:0.0892 that:0.0411 and:0.0355 but:0.0251 which:0.0194 if:0.0182 day:0.0160 as:0.0153 where:0.0124 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7315 is:0.0475 and:0.0446 was:0.0327 to:0.0319 the:0.0310 a:0.0241 of:0.0220 be:0.0197 are:0.0151 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.9396 country:0.0123 people:0.0085 government:0.0075 land:0.0060 work:0.0059 men:0.0057 life:0.0055 mother:0.0045 time:0.0044 -the:0.4946 :0.2265 his:0.0562 an:0.0379 their:0.0364 this:0.0357 a:0.0320 tho:0.0305 its:0.0261 our:0.0241 -:0.5934 to:0.2045 the:0.0830 a:0.0333 and:0.0167 it:0.0158 in:0.0145 by:0.0136 that:0.0131 for:0.0122 -:0.8738 as:0.0329 and:0.0325 of:0.0152 from:0.0144 is:0.0076 according:0.0069 them:0.0064 referred:0.0052 but:0.0052 -of:0.1962 :0.4365 in:0.0920 ago:0.0804 from:0.0454 and:0.0399 with:0.0318 on:0.0294 to:0.0255 before:0.0228 -:0.8541 the:0.0766 a:0.0154 and:0.0098 tho:0.0082 that:0.0079 in:0.0075 he:0.0072 it:0.0067 by:0.0066 -the:0.4127 :0.4581 a:0.0310 of:0.0205 and:0.0186 his:0.0185 this:0.0136 tho:0.0108 their:0.0086 in:0.0075 -:0.7538 and:0.0619 to:0.0467 the:0.0397 of:0.0266 a:0.0195 in:0.0182 is:0.0132 or:0.0102 was:0.0101 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.9522 it:0.0093 men:0.0070 him:0.0064 them:0.0049 in:0.0046 years:0.0043 up:0.0043 hundred:0.0041 times:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.7649 :0.1359 tho:0.0212 his:0.0158 tbe:0.0141 a:0.0121 said:0.0120 their:0.0099 our:0.0080 its:0.0061 -:0.5400 of:0.2898 the:0.0960 and:0.0209 in:0.0147 a:0.0101 for:0.0092 to:0.0070 his:0.0066 their:0.0057 -:0.8148 they:0.0551 we:0.0336 you:0.0293 who:0.0126 that:0.0121 and:0.0120 men:0.0104 there:0.0103 which:0.0097 -:0.6732 to:0.1661 will:0.0587 and:0.0300 or:0.0164 should:0.0137 shall:0.0109 must:0.0107 of:0.0107 could:0.0096 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2938 :0.3593 a:0.0781 this:0.0686 some:0.0651 any:0.0526 their:0.0292 that:0.0234 tho:0.0160 every:0.0141 -of:0.4231 :0.4158 and:0.0505 the:0.0298 in:0.0201 to:0.0140 for:0.0130 that:0.0129 is:0.0110 or:0.0098 -of:0.3748 :0.4277 and:0.0719 in:0.0322 to:0.0317 for:0.0162 is:0.0122 or:0.0121 was:0.0106 that:0.0106 -:0.8173 and:0.0549 a:0.0335 the:0.0258 to:0.0234 of:0.0153 in:0.0096 that:0.0072 or:0.0069 this:0.0062 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -of:0.1542 :0.4448 in:0.1228 from:0.0501 for:0.0474 on:0.0427 and:0.0418 by:0.0364 to:0.0350 at:0.0249 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7344 of:0.0827 and:0.0804 in:0.0250 to:0.0217 at:0.0184 for:0.0098 as:0.0093 the:0.0093 or:0.0091 -:0.8079 and:0.0948 but:0.0224 or:0.0161 is:0.0131 as:0.0114 are:0.0105 that:0.0084 than:0.0079 was:0.0074 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.8399 and:0.0380 is:0.0326 was:0.0235 a:0.0224 the:0.0135 of:0.0087 are:0.0085 to:0.0077 not:0.0052 -:0.6127 the:0.2604 and:0.0278 of:0.0246 a:0.0149 this:0.0139 to:0.0127 that:0.0122 in:0.0113 his:0.0095 -:0.5885 in:0.1308 of:0.0760 to:0.0439 with:0.0404 on:0.0355 that:0.0251 by:0.0225 for:0.0201 and:0.0172 -to:0.4121 :0.3906 and:0.0543 of:0.0352 in:0.0276 the:0.0235 that:0.0221 for:0.0120 from:0.0117 on:0.0110 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8811 not:0.0295 now:0.0292 found:0.0100 only:0.0090 situated:0.0086 held:0.0084 made:0.0082 also:0.0080 that:0.0080 -:0.8181 and:0.0436 to:0.0393 them:0.0226 it:0.0206 that:0.0171 him:0.0130 out:0.0126 which:0.0072 the:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5550 of:0.3199 and:0.0498 the:0.0209 for:0.0124 in:0.0120 to:0.0112 or:0.0083 by:0.0060 was:0.0045 -:0.6858 order:0.1073 regard:0.1041 addition:0.0368 relation:0.0182 reference:0.0155 said:0.0103 time:0.0083 them:0.0074 which:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5078 :0.3706 tho:0.0212 said:0.0189 his:0.0182 a:0.0175 this:0.0147 their:0.0129 our:0.0092 its:0.0088 -:0.8091 and:0.0562 of:0.0504 to:0.0192 or:0.0192 the:0.0117 as:0.0100 that:0.0088 in:0.0084 from:0.0071 -:0.5996 and:0.2182 to:0.0388 of:0.0380 or:0.0283 was:0.0171 is:0.0160 who:0.0156 will:0.0150 are:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7339 of:0.1351 and:0.0465 to:0.0186 the:0.0148 in:0.0145 or:0.0106 a:0.0094 is:0.0085 for:0.0082 -:0.5645 a:0.2348 the:0.1200 and:0.0164 his:0.0132 an:0.0130 her:0.0100 no:0.0099 their:0.0094 its:0.0088 -:0.7398 in:0.0863 of:0.0464 the:0.0359 and:0.0279 a:0.0181 or:0.0157 to:0.0137 on:0.0083 for:0.0079 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8651 been:0.0385 be:0.0322 in:0.0143 the:0.0122 to:0.0103 and:0.0101 had:0.0071 have:0.0054 made:0.0048 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9168 one:0.0166 the:0.0161 two:0.0131 order:0.0087 all:0.0066 time:0.0065 this:0.0057 which:0.0050 front:0.0048 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8690 all:0.0369 so:0.0168 it:0.0160 said:0.0136 he:0.0107 you:0.0099 the:0.0096 and:0.0096 in:0.0079 -will:0.3230 would:0.1439 may:0.1150 to:0.0725 should:0.0712 shall:0.0571 must:0.0481 :0.1138 can:0.0349 might:0.0205 -the:0.0556 a:0.0388 :0.8594 this:0.0086 his:0.0082 their:0.0067 tho:0.0060 its:0.0057 and:0.0056 that:0.0054 -:0.6865 of:0.1215 and:0.0704 with:0.0258 it:0.0215 or:0.0203 is:0.0177 in:0.0142 upon:0.0111 to:0.0110 -:0.5152 no:0.1825 the:0.1124 any:0.0961 a:0.0227 some:0.0203 in:0.0171 or:0.0121 all:0.0108 and:0.0107 -:0.8437 large:0.0322 good:0.0304 great:0.0187 new:0.0183 certain:0.0161 little:0.0161 few:0.0095 small:0.0078 big:0.0072 -to:0.3250 :0.3466 on:0.0912 in:0.0468 from:0.0382 for:0.0356 and:0.0348 of:0.0325 by:0.0271 with:0.0222 -:0.5390 to:0.2098 of:0.0906 and:0.0624 in:0.0247 with:0.0182 by:0.0146 the:0.0140 or:0.0138 for:0.0128 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9360 and:0.0181 of:0.0154 day:0.0054 time:0.0051 county:0.0048 or:0.0044 year:0.0038 days:0.0037 other:0.0034 -of:0.5123 :0.3574 to:0.0337 in:0.0262 and:0.0262 that:0.0122 the:0.0095 with:0.0084 ot:0.0072 for:0.0069 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.9072 and:0.0327 which:0.0129 he:0.0126 man:0.0086 number:0.0060 who:0.0056 line:0.0048 have:0.0048 people:0.0046 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7288 to:0.0657 the:0.0473 in:0.0413 and:0.0372 of:0.0220 as:0.0166 for:0.0147 that:0.0139 a:0.0124 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7036 of:0.1023 and:0.0813 to:0.0295 the:0.0237 that:0.0179 in:0.0165 for:0.0094 or:0.0084 on:0.0074 -:0.8243 the:0.0408 of:0.0321 and:0.0296 in:0.0179 as:0.0159 that:0.0116 a:0.0104 by:0.0096 to:0.0079 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7714 it:0.0380 and:0.0344 him:0.0322 as:0.0318 them:0.0313 up:0.0260 is:0.0127 down:0.0126 me:0.0097 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.5206 :0.3486 a:0.0480 tho:0.0240 of:0.0133 his:0.0129 said:0.0092 our:0.0081 their:0.0077 this:0.0076 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.6208 of:0.1857 in:0.0474 and:0.0338 to:0.0299 on:0.0219 for:0.0196 at:0.0162 from:0.0146 with:0.0100 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6793 in:0.1077 of:0.0650 on:0.0293 and:0.0276 for:0.0218 to:0.0204 by:0.0185 at:0.0178 from:0.0125 -:0.7959 went:0.0400 and:0.0346 came:0.0302 was:0.0254 is:0.0224 are:0.0165 were:0.0141 will:0.0129 in:0.0080 -:0.7414 and:0.0753 of:0.0615 the:0.0282 in:0.0214 to:0.0204 is:0.0202 or:0.0109 are:0.0105 was:0.0101 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.9041 interview:0.0326 hour:0.0229 opportunity:0.0081 order:0.0062 opinion:0.0057 increase:0.0054 action:0.0052 act:0.0051 charged:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8714 and:0.0337 years:0.0187 of:0.0169 or:0.0147 the:0.0129 feet:0.0099 days:0.0087 miles:0.0067 to:0.0065 -:0.5164 the:0.1379 to:0.1283 of:0.0850 and:0.0658 in:0.0165 that:0.0153 tho:0.0123 this:0.0118 a:0.0107 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.7367 the:0.0752 and:0.0519 of:0.0352 a:0.0328 in:0.0196 is:0.0162 was:0.0131 or:0.0117 that:0.0076 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9505 one:0.0129 out:0.0103 corner:0.0055 cost:0.0054 part:0.0041 use:0.0030 account:0.0030 all:0.0028 any:0.0025 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6501 the:0.0801 in:0.0591 to:0.0485 and:0.0460 of:0.0430 that:0.0248 by:0.0176 for:0.0161 on:0.0146 -:0.8980 the:0.0406 and:0.0153 a:0.0092 of:0.0080 that:0.0078 one:0.0061 said:0.0056 it:0.0050 he:0.0046 -:0.8830 the:0.0269 and:0.0253 of:0.0150 that:0.0121 in:0.0113 he:0.0079 a:0.0074 for:0.0063 as:0.0048 -:0.6386 in:0.0738 to:0.0588 of:0.0562 on:0.0345 from:0.0301 with:0.0285 at:0.0282 and:0.0272 that:0.0242 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -of:0.3301 :0.3636 in:0.0957 with:0.0495 from:0.0340 by:0.0309 and:0.0285 to:0.0259 on:0.0225 for:0.0193 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7606 the:0.1102 any:0.0246 his:0.0235 a:0.0175 this:0.0167 tho:0.0134 public:0.0123 home:0.0110 once:0.0102 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9030 the:0.0247 and:0.0198 is:0.0109 of:0.0089 was:0.0082 in:0.0067 that:0.0062 it:0.0059 said:0.0057 -:0.6895 the:0.1276 of:0.0769 and:0.0403 to:0.0157 in:0.0115 by:0.0105 for:0.0105 or:0.0090 his:0.0084 -:0.6624 of:0.1093 and:0.0826 that:0.0329 the:0.0325 to:0.0211 a:0.0194 in:0.0163 for:0.0123 or:0.0113 -:0.8263 the:0.1065 an:0.0119 tho:0.0113 this:0.0108 a:0.0084 said:0.0079 these:0.0064 which:0.0055 our:0.0050 -:0.6463 and:0.1015 that:0.0734 to:0.0659 or:0.0250 not:0.0233 the:0.0196 which:0.0185 but:0.0165 be:0.0102 -:0.9620 city:0.0057 country:0.0056 world:0.0044 people:0.0044 time:0.0042 law:0.0036 same:0.0035 war:0.0035 land:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -who:0.5151 :0.4017 that:0.0175 which:0.0156 we:0.0118 it:0.0095 he:0.0094 men:0.0076 they:0.0071 and:0.0048 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -of:0.4210 :0.4533 and:0.0510 in:0.0208 to:0.0139 the:0.0090 is:0.0089 or:0.0081 ot:0.0074 on:0.0067 -:0.7208 picked:0.0432 put:0.0362 went:0.0355 are:0.0327 get:0.0325 got:0.0286 come:0.0265 came:0.0251 have:0.0190 -:0.7703 to:0.0457 of:0.0455 and:0.0337 for:0.0270 in:0.0255 by:0.0173 on:0.0121 at:0.0117 with:0.0113 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.7961 the:0.0547 a:0.0352 to:0.0335 in:0.0228 and:0.0202 by:0.0107 with:0.0093 on:0.0091 from:0.0084 -:0.8483 deal:0.0869 part:0.0144 amount:0.0091 many:0.0090 matter:0.0081 action:0.0064 number:0.0062 line:0.0058 parts:0.0057 -in:0.2071 to:0.1647 :0.3182 of:0.0767 for:0.0490 that:0.0472 on:0.0412 and:0.0353 from:0.0311 with:0.0295 -:0.6234 to:0.1245 of:0.0788 and:0.0432 from:0.0328 in:0.0274 wide:0.0187 on:0.0179 thence:0.0169 or:0.0164 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.4418 are:0.1727 is:0.1030 was:0.1029 were:0.0509 and:0.0388 in:0.0384 of:0.0185 the:0.0176 to:0.0154 -:0.6656 is:0.1315 and:0.0631 are:0.0546 was:0.0305 were:0.0142 has:0.0109 have:0.0102 as:0.0100 but:0.0094 -:0.7427 in:0.0499 to:0.0482 and:0.0380 for:0.0268 of:0.0236 that:0.0198 the:0.0197 on:0.0178 as:0.0135 -:0.8514 the:0.0671 a:0.0217 and:0.0139 this:0.0115 was:0.0081 is:0.0071 tho:0.0070 said:0.0063 his:0.0060 -:0.6214 the:0.1106 of:0.0929 a:0.0694 and:0.0293 in:0.0224 as:0.0142 with:0.0136 is:0.0136 by:0.0126 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6861 the:0.1201 of:0.0367 and:0.0319 that:0.0308 to:0.0213 from:0.0211 a:0.0194 by:0.0165 in:0.0161 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6266 the:0.1021 in:0.0584 to:0.0519 a:0.0387 on:0.0315 and:0.0262 for:0.0241 of:0.0205 by:0.0200 -a:0.2215 :0.4241 been:0.1028 not:0.0918 so:0.0834 no:0.0330 the:0.0232 their:0.0070 as:0.0066 always:0.0066 -:0.8157 and:0.0455 to:0.0279 the:0.0199 will:0.0189 was:0.0167 that:0.0147 would:0.0143 is:0.0141 not:0.0123 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8101 and:0.0711 be:0.0270 was:0.0241 he:0.0186 have:0.0139 is:0.0099 has:0.0099 had:0.0077 are:0.0076 -:0.7730 and:0.0795 of:0.0414 in:0.0274 to:0.0264 that:0.0127 as:0.0126 for:0.0098 with:0.0086 or:0.0086 -:0.8472 all:0.0531 and:0.0174 in:0.0162 is:0.0125 one:0.0124 to:0.0122 so:0.0113 any:0.0090 saying:0.0087 -:0.8923 the:0.0255 and:0.0172 of:0.0139 in:0.0122 a:0.0089 to:0.0088 for:0.0084 by:0.0073 is:0.0056 -:0.7825 days:0.0508 years:0.0470 men:0.0353 who:0.0240 times:0.0128 months:0.0128 we:0.0118 or:0.0118 hours:0.0113 -:0.7365 are:0.1176 have:0.0449 do:0.0250 were:0.0185 had:0.0179 know:0.0105 could:0.0101 will:0.0098 found:0.0092 -:0.9323 and:0.0284 of:0.0170 the:0.0040 in:0.0039 to:0.0035 which:0.0034 time:0.0027 as:0.0024 county:0.0023 -:0.6212 of:0.1879 and:0.0474 in:0.0321 the:0.0293 that:0.0244 was:0.0190 is:0.0144 on:0.0138 or:0.0105 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6990 of:0.1403 and:0.0359 auction:0.0288 to:0.0221 for:0.0194 from:0.0159 on:0.0135 that:0.0126 in:0.0125 -:0.8617 country:0.0313 city:0.0264 way:0.0166 time:0.0145 matter:0.0131 year:0.0111 case:0.0100 question:0.0080 morning:0.0072 -:0.6194 and:0.1227 of:0.1198 that:0.0378 to:0.0227 the:0.0196 in:0.0156 for:0.0147 as:0.0145 is:0.0133 -:0.6485 the:0.0848 and:0.0798 of:0.0588 in:0.0400 his:0.0307 or:0.0180 for:0.0151 a:0.0133 an:0.0109 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9546 was:0.0092 had:0.0079 made:0.0061 said:0.0046 left:0.0043 went:0.0040 will:0.0033 thought:0.0031 met:0.0029 -the:0.6069 :0.2554 a:0.0538 tho:0.0206 our:0.0133 said:0.0109 his:0.0109 this:0.0104 tbe:0.0095 their:0.0083 -to:0.7572 :0.0998 will:0.0380 and:0.0279 would:0.0248 may:0.0159 should:0.0139 shall:0.0099 can:0.0074 must:0.0051 -:0.5171 to:0.1858 will:0.1085 may:0.0410 shall:0.0291 must:0.0290 would:0.0262 should:0.0254 and:0.0204 that:0.0175 -:0.5641 the:0.2853 a:0.0512 to:0.0231 his:0.0175 and:0.0172 tho:0.0132 that:0.0096 an:0.0094 their:0.0094 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8121 of:0.0569 and:0.0389 to:0.0278 in:0.0185 by:0.0103 with:0.0099 for:0.0097 the:0.0080 a:0.0078 -:0.8846 one:0.0242 day:0.0206 time:0.0177 year:0.0150 other:0.0090 man:0.0084 county:0.0082 person:0.0070 and:0.0053 -:0.8923 the:0.0255 and:0.0172 of:0.0139 in:0.0122 a:0.0089 to:0.0088 for:0.0084 by:0.0073 is:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7390 to:0.1021 of:0.0408 for:0.0264 in:0.0208 with:0.0167 and:0.0153 told:0.0142 on:0.0135 at:0.0112 -have:0.3581 :0.3784 are:0.0797 had:0.0637 were:0.0393 be:0.0368 never:0.0141 do:0.0106 has:0.0102 would:0.0091 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.4697 to:0.2344 and:0.0971 the:0.0617 in:0.0379 of:0.0346 a:0.0327 his:0.0135 will:0.0109 as:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9280 held:0.0122 and:0.0118 it:0.0103 was:0.0102 looked:0.0070 is:0.0065 made:0.0049 he:0.0048 that:0.0043 -the:0.3648 a:0.2536 :0.3065 an:0.0177 tho:0.0121 to:0.0106 he:0.0102 his:0.0088 their:0.0079 it:0.0078 -:0.9119 went:0.0196 it:0.0115 able:0.0095 as:0.0085 is:0.0084 come:0.0082 according:0.0076 came:0.0075 began:0.0072 -:0.8548 in:0.0316 the:0.0296 and:0.0174 a:0.0148 to:0.0136 that:0.0115 for:0.0098 on:0.0086 be:0.0083 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6077 of:0.1425 and:0.0849 to:0.0493 in:0.0460 is:0.0186 was:0.0156 the:0.0124 will:0.0119 on:0.0113 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.6871 of:0.0959 in:0.0458 for:0.0364 and:0.0357 to:0.0248 with:0.0245 is:0.0203 was:0.0174 by:0.0121 -:0.6475 to:0.1481 and:0.0453 the:0.0431 in:0.0355 by:0.0199 that:0.0179 a:0.0167 for:0.0131 of:0.0128 -:0.6776 and:0.0810 of:0.0740 to:0.0478 in:0.0372 the:0.0247 for:0.0191 or:0.0155 at:0.0127 was:0.0103 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.9239 the:0.0274 and:0.0154 to:0.0083 a:0.0054 two:0.0053 all:0.0041 an:0.0034 other:0.0034 of:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7351 the:0.0969 a:0.0543 in:0.0311 to:0.0250 more:0.0142 and:0.0122 by:0.0114 if:0.0102 of:0.0096 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8740 and:0.0534 was:0.0288 is:0.0100 it:0.0068 are:0.0068 that:0.0056 or:0.0055 but:0.0048 were:0.0042 -:0.7880 the:0.0511 to:0.0492 and:0.0399 a:0.0210 of:0.0203 is:0.0086 or:0.0077 was:0.0071 he:0.0071 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8893 and:0.0293 is:0.0215 was:0.0190 of:0.0142 in:0.0076 be:0.0052 are:0.0048 that:0.0046 had:0.0045 -:0.7767 of:0.0715 and:0.0549 in:0.0235 the:0.0163 that:0.0137 to:0.0123 are:0.0104 for:0.0104 a:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.6757 and:0.1169 is:0.0405 of:0.0337 was:0.0297 or:0.0265 but:0.0231 are:0.0203 which:0.0200 has:0.0137 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -a:0.5873 the:0.1907 :0.1444 his:0.0226 tho:0.0209 their:0.0100 this:0.0084 an:0.0074 such:0.0042 and:0.0042 -:0.7570 and:0.0837 of:0.0824 in:0.0160 to:0.0129 or:0.0128 are:0.0109 was:0.0084 at:0.0081 is:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8588 the:0.0263 of:0.0209 to:0.0183 and:0.0180 a:0.0155 in:0.0141 or:0.0118 for:0.0096 his:0.0067 -:0.6535 are:0.1516 have:0.0552 to:0.0348 will:0.0334 were:0.0242 can:0.0178 may:0.0116 had:0.0094 should:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7799 a:0.0703 the:0.0679 of:0.0218 and:0.0159 in:0.0124 his:0.0121 was:0.0079 all:0.0061 that:0.0055 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8678 the:0.0350 and:0.0197 of:0.0185 this:0.0153 was:0.0149 had:0.0074 is:0.0072 or:0.0072 said:0.0070 -:0.7007 of:0.1070 a:0.0425 and:0.0375 the:0.0296 that:0.0255 to:0.0199 as:0.0168 his:0.0117 or:0.0088 -:0.9428 and:0.0216 was:0.0075 it:0.0057 interest:0.0044 is:0.0041 as:0.0040 but:0.0036 that:0.0035 made:0.0029 -:0.6826 of:0.1109 and:0.0666 to:0.0331 in:0.0318 for:0.0212 was:0.0171 is:0.0151 as:0.0110 with:0.0105 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.8560 day:0.0407 side:0.0338 year:0.0124 of:0.0121 line:0.0114 hundred:0.0106 part:0.0093 that:0.0071 half:0.0066 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.5870 the:0.2384 a:0.0458 and:0.0306 of:0.0227 his:0.0193 in:0.0179 this:0.0171 an:0.0110 tho:0.0103 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.7613 the:0.0877 a:0.0351 of:0.0294 his:0.0260 any:0.0156 in:0.0121 such:0.0114 her:0.0108 some:0.0107 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8075 the:0.0817 and:0.0237 of:0.0182 in:0.0161 a:0.0148 that:0.0131 to:0.0116 this:0.0070 by:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6226 the:0.1339 a:0.0939 it:0.0331 to:0.0311 that:0.0212 his:0.0176 them:0.0174 him:0.0155 in:0.0137 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -the:0.3846 a:0.1601 :0.3052 his:0.0430 tho:0.0295 their:0.0231 its:0.0164 her:0.0145 an:0.0144 our:0.0091 -:0.8091 the:0.0702 and:0.0357 a:0.0270 of:0.0165 that:0.0110 as:0.0092 in:0.0078 to:0.0072 by:0.0063 -:0.7571 the:0.1027 a:0.0629 any:0.0253 this:0.0119 an:0.0107 it:0.0095 tho:0.0080 that:0.0065 one:0.0054 -:0.6227 in:0.0812 to:0.0603 that:0.0589 by:0.0444 all:0.0396 of:0.0283 with:0.0244 for:0.0207 on:0.0196 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -that:0.3215 :0.4350 and:0.0710 to:0.0412 which:0.0363 as:0.0274 what:0.0243 but:0.0165 when:0.0139 if:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8216 put:0.0411 went:0.0209 brought:0.0199 taken:0.0185 made:0.0166 set:0.0160 came:0.0158 picked:0.0150 come:0.0145 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8775 and:0.0351 of:0.0323 to:0.0120 in:0.0116 that:0.0090 the:0.0073 are:0.0054 is:0.0052 as:0.0047 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9151 and:0.0323 it:0.0093 that:0.0079 of:0.0073 is:0.0059 in:0.0059 to:0.0058 which:0.0053 the:0.0052 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.9399 same:0.0116 people:0.0094 city:0.0084 world:0.0084 government:0.0054 country:0.0046 year:0.0044 bill:0.0040 road:0.0039 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7806 the:0.0470 to:0.0411 a:0.0334 in:0.0262 of:0.0189 and:0.0182 with:0.0141 will:0.0103 is:0.0102 -:0.8938 and:0.0391 in:0.0129 all:0.0101 so:0.0082 but:0.0082 to:0.0078 for:0.0068 is:0.0067 of:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7727 which:0.0567 that:0.0440 whom:0.0257 be:0.0196 the:0.0195 what:0.0188 think:0.0158 do:0.0136 say:0.0135 -:0.9117 together:0.0171 and:0.0111 in:0.0103 up:0.0098 him:0.0095 connected:0.0086 it:0.0081 compared:0.0071 down:0.0067 -:0.4456 of:0.1517 in:0.1048 and:0.0756 with:0.0609 to:0.0493 for:0.0465 on:0.0288 by:0.0195 from:0.0173 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6856 of:0.0666 the:0.0661 in:0.0551 to:0.0284 and:0.0272 a:0.0191 on:0.0186 that:0.0174 for:0.0159 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8072 other:0.0692 of:0.0396 one:0.0277 time:0.0121 and:0.0104 more:0.0095 person:0.0090 the:0.0086 kind:0.0068 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.7525 of:0.0517 in:0.0392 for:0.0314 on:0.0276 and:0.0275 by:0.0244 with:0.0198 or:0.0149 was:0.0112 -it:0.3030 :0.4524 he:0.0921 there:0.0909 she:0.0155 this:0.0132 which:0.0107 ho:0.0080 time:0.0077 what:0.0065 -:0.8538 and:0.0658 that:0.0184 but:0.0130 out:0.0102 it:0.0091 to:0.0088 or:0.0080 up:0.0066 was:0.0062 -to:0.7174 :0.1800 the:0.0245 in:0.0162 a:0.0122 of:0.0113 with:0.0099 by:0.0097 and:0.0095 that:0.0092 -:0.8591 old:0.0384 a:0.0210 average:0.0187 excellent:0.0125 any:0.0124 early:0.0114 important:0.0099 additional:0.0087 open:0.0079 -:0.6900 the:0.2036 a:0.0317 his:0.0157 and:0.0150 tho:0.0136 this:0.0100 their:0.0079 that:0.0065 an:0.0060 -:0.5930 the:0.2600 this:0.0347 a:0.0255 said:0.0194 his:0.0172 all:0.0148 tho:0.0127 our:0.0119 their:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.8388 the:0.0401 and:0.0347 of:0.0274 a:0.0180 to:0.0156 that:0.0084 or:0.0060 for:0.0057 his:0.0052 -:0.7233 to:0.1507 not:0.0261 told:0.0189 in:0.0169 now:0.0156 made:0.0143 at:0.0127 given:0.0117 found:0.0098 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.8238 the:0.0419 a:0.0277 of:0.0236 to:0.0193 in:0.0175 and:0.0145 that:0.0136 for:0.0092 it:0.0090 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5828 he:0.0742 has:0.0716 was:0.0615 is:0.0524 had:0.0472 we:0.0297 they:0.0294 are:0.0256 have:0.0256 -:0.4659 in:0.1356 to:0.1341 on:0.0568 from:0.0522 with:0.0365 for:0.0336 of:0.0303 by:0.0289 and:0.0261 -:0.6464 the:0.2231 a:0.0630 it:0.0125 an:0.0106 this:0.0096 his:0.0096 tho:0.0091 their:0.0090 he:0.0072 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -the:0.5221 :0.3869 which:0.0195 tho:0.0180 a:0.0180 tbe:0.0092 this:0.0074 an:0.0068 its:0.0063 that:0.0059 -:0.6529 of:0.1177 a:0.0572 very:0.0446 or:0.0350 and:0.0285 is:0.0225 hundred:0.0153 thousand:0.0149 the:0.0114 -:0.5974 the:0.2890 a:0.0207 of:0.0191 to:0.0171 in:0.0142 tho:0.0141 with:0.0116 and:0.0084 no:0.0084 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8632 and:0.0616 or:0.0140 is:0.0094 owned:0.0093 was:0.0092 made:0.0086 secured:0.0085 but:0.0085 that:0.0076 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6969 the:0.0766 a:0.0699 of:0.0662 as:0.0281 and:0.0268 in:0.0112 his:0.0084 that:0.0083 is:0.0076 -:0.6622 the:0.1333 a:0.0810 it:0.0399 an:0.0187 him:0.0168 them:0.0137 tho:0.0115 that:0.0114 his:0.0114 -:0.7656 the:0.0728 of:0.0386 and:0.0348 to:0.0240 in:0.0179 that:0.0140 it:0.0119 a:0.0103 he:0.0099 -:0.8387 and:0.0528 the:0.0310 to:0.0182 a:0.0149 he:0.0098 who:0.0097 in:0.0084 be:0.0083 is:0.0082 -:0.9491 most:0.0110 great:0.0067 same:0.0056 highest:0.0055 best:0.0049 new:0.0048 said:0.0045 public:0.0039 other:0.0039 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -of:0.3451 :0.3895 and:0.0861 in:0.0499 to:0.0309 on:0.0274 from:0.0203 for:0.0199 with:0.0171 that:0.0138 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.7693 and:0.1091 in:0.0280 of:0.0258 to:0.0200 but:0.0129 so:0.0106 with:0.0086 at:0.0081 is:0.0076 -:0.9062 part:0.0223 side:0.0148 out:0.0138 one:0.0127 day:0.0110 line:0.0055 corner:0.0046 days:0.0046 feet:0.0045 -than:0.5050 :0.3267 or:0.1073 for:0.0154 about:0.0122 and:0.0104 of:0.0096 in:0.0048 with:0.0047 to:0.0039 -of:0.7121 to:0.0511 :0.1106 for:0.0277 with:0.0257 and:0.0178 in:0.0174 on:0.0134 from:0.0121 that:0.0121 -:0.7811 of:0.0761 and:0.0563 the:0.0253 or:0.0120 a:0.0111 that:0.0107 in:0.0104 as:0.0091 to:0.0079 -will:0.2465 would:0.2033 may:0.0872 should:0.0821 could:0.0637 shall:0.0566 can:0.0536 :0.1216 must:0.0515 might:0.0339 -:0.8927 and:0.0240 the:0.0214 time:0.0161 of:0.0104 a:0.0081 at:0.0079 to:0.0078 is:0.0059 day:0.0058 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6567 the:0.1910 a:0.0516 to:0.0265 that:0.0201 of:0.0126 and:0.0122 an:0.0101 their:0.0100 his:0.0093 -:0.9254 people:0.0271 men:0.0117 farmers:0.0079 city:0.0066 boys:0.0049 world:0.0046 same:0.0044 children:0.0037 country:0.0037 -:0.5905 the:0.2446 in:0.0574 of:0.0331 a:0.0255 and:0.0187 this:0.0131 tho:0.0077 by:0.0049 an:0.0044 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.8387 and:0.0528 the:0.0310 to:0.0182 a:0.0149 he:0.0098 who:0.0097 in:0.0084 be:0.0083 is:0.0082 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6551 to:0.0796 of:0.0701 in:0.0404 the:0.0385 and:0.0306 for:0.0270 a:0.0215 that:0.0197 by:0.0176 -:0.5992 which:0.0957 and:0.0812 it:0.0772 that:0.0456 there:0.0349 he:0.0191 as:0.0175 they:0.0151 of:0.0147 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.9391 made:0.0122 and:0.0104 him:0.0071 provided:0.0069 out:0.0053 them:0.0050 secured:0.0047 that:0.0047 was:0.0045 -:0.6919 of:0.0843 in:0.0687 is:0.0313 if:0.0269 all:0.0246 on:0.0214 by:0.0175 for:0.0170 at:0.0162 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9468 same:0.0137 law:0.0060 city:0.0059 matter:0.0050 country:0.0050 world:0.0049 time:0.0045 county:0.0042 interest:0.0040 -:0.8117 which:0.1084 that:0.0146 these:0.0140 the:0.0108 all:0.0105 you:0.0097 this:0.0088 them:0.0057 they:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6806 he:0.1439 they:0.0369 it:0.0353 we:0.0230 she:0.0217 have:0.0195 that:0.0142 there:0.0132 and:0.0117 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -in:0.1844 :0.4310 by:0.0976 to:0.0633 on:0.0426 for:0.0407 that:0.0384 with:0.0369 from:0.0359 at:0.0293 -the:0.3338 :0.5448 a:0.0288 his:0.0177 tho:0.0168 he:0.0149 it:0.0125 their:0.0116 its:0.0100 no:0.0091 -:0.6614 the:0.1844 a:0.0820 in:0.0175 an:0.0132 his:0.0118 its:0.0083 of:0.0075 this:0.0072 tho:0.0068 -:0.7333 the:0.1438 a:0.0376 it:0.0180 his:0.0124 that:0.0117 tho:0.0114 by:0.0108 this:0.0108 to:0.0103 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.4764 to:0.1205 in:0.1170 on:0.0493 by:0.0463 and:0.0400 with:0.0400 for:0.0394 of:0.0364 from:0.0346 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -a:0.2929 :0.5924 the:0.0450 said:0.0258 very:0.0110 no:0.0082 an:0.0077 in:0.0065 made:0.0058 his:0.0046 -:0.9578 and:0.0172 one:0.0038 or:0.0036 that:0.0035 was:0.0033 out:0.0032 it:0.0032 is:0.0022 day:0.0021 -of:0.5123 :0.3574 to:0.0337 in:0.0262 and:0.0262 that:0.0122 the:0.0095 with:0.0084 ot:0.0072 for:0.0069 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.8895 the:0.0397 this:0.0106 have:0.0100 be:0.0095 and:0.0087 he:0.0082 in:0.0081 it:0.0080 of:0.0077 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7766 it:0.1176 as:0.0304 there:0.0143 and:0.0136 up:0.0117 that:0.0109 which:0.0107 he:0.0075 him:0.0067 -:0.8598 time:0.0317 way:0.0182 person:0.0165 one:0.0162 thing:0.0140 reason:0.0127 kind:0.0121 court:0.0095 man:0.0092 -at:0.6145 :0.3013 the:0.0317 and:0.0149 of:0.0127 for:0.0076 to:0.0063 or:0.0044 in:0.0036 a:0.0030 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -is:0.2672 was:0.1464 :0.4381 with:0.0310 as:0.0292 in:0.0227 to:0.0203 has:0.0198 by:0.0130 for:0.0123 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.4085 :0.3674 of:0.0672 for:0.0408 with:0.0337 in:0.0291 on:0.0161 from:0.0127 by:0.0125 told:0.0120 -:0.9419 out:0.0216 one:0.0089 part:0.0047 use:0.0046 all:0.0039 home:0.0038 feet:0.0037 place:0.0036 and:0.0033 -:0.6184 the:0.1346 to:0.0987 and:0.0452 by:0.0223 in:0.0218 a:0.0187 from:0.0142 with:0.0140 for:0.0121 -:0.8788 and:0.0532 but:0.0114 were:0.0110 are:0.0098 that:0.0084 it:0.0080 out:0.0076 was:0.0065 is:0.0054 -:0.6418 to:0.0694 in:0.0488 with:0.0451 that:0.0424 at:0.0390 by:0.0378 from:0.0298 of:0.0249 on:0.0210 -:0.8189 and:0.0486 was:0.0283 to:0.0200 is:0.0184 of:0.0141 be:0.0135 has:0.0134 as:0.0126 he:0.0123 -:0.5279 as:0.1375 in:0.0794 by:0.0552 for:0.0476 with:0.0381 at:0.0343 and:0.0343 of:0.0246 to:0.0211 -:0.7090 the:0.1217 of:0.0388 if:0.0273 a:0.0261 in:0.0220 for:0.0168 all:0.0137 is:0.0125 no:0.0121 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.7955 to:0.0545 and:0.0366 the:0.0311 a:0.0191 will:0.0187 of:0.0140 would:0.0120 not:0.0112 or:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.5532 the:0.2640 a:0.0552 of:0.0429 as:0.0183 his:0.0162 and:0.0155 tho:0.0147 this:0.0117 our:0.0084 -to:0.4275 :0.3341 we:0.0662 will:0.0532 they:0.0392 would:0.0259 should:0.0185 you:0.0122 much:0.0120 may:0.0114 -the:0.0113 no:0.0081 tho:0.0067 a:0.0059 their:0.0059 our:0.0048 of:0.0045 his:0.0044 its:0.0042 every:0.0039 -:0.6415 a:0.0798 the:0.0702 by:0.0552 to:0.0485 in:0.0361 an:0.0202 and:0.0202 of:0.0145 for:0.0138 -:0.7759 the:0.1278 and:0.0275 his:0.0121 this:0.0114 of:0.0096 to:0.0095 a:0.0092 our:0.0085 or:0.0084 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.6267 the:0.1739 a:0.1182 and:0.0278 of:0.0216 this:0.0076 tho:0.0070 was:0.0068 in:0.0059 an:0.0046 -:0.4516 in:0.1940 the:0.1605 by:0.0659 a:0.0399 to:0.0208 this:0.0206 of:0.0189 on:0.0139 and:0.0138 -:0.8790 and:0.0312 in:0.0193 a:0.0189 the:0.0184 to:0.0098 one:0.0065 at:0.0059 of:0.0056 on:0.0054 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.6202 in:0.1096 to:0.0907 that:0.0569 the:0.0368 and:0.0284 a:0.0191 on:0.0134 at:0.0126 by:0.0123 -:0.8941 and:0.0231 so:0.0185 in:0.0127 is:0.0103 said:0.0100 declared:0.0089 all:0.0082 but:0.0073 given:0.0070 -:0.8927 and:0.0240 the:0.0214 time:0.0161 of:0.0104 a:0.0081 at:0.0079 to:0.0078 is:0.0059 day:0.0058 -:0.7251 to:0.0804 and:0.0703 in:0.0487 for:0.0189 that:0.0154 or:0.0106 from:0.0106 but:0.0103 are:0.0095 -:0.7973 the:0.0748 and:0.0575 of:0.0152 a:0.0134 was:0.0133 to:0.0078 or:0.0077 in:0.0074 an:0.0056 -a:0.6446 :0.2688 in:0.0216 the:0.0158 of:0.0099 very:0.0095 that:0.0086 for:0.0076 by:0.0069 as:0.0066 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9280 and:0.0145 as:0.0110 according:0.0083 feet:0.0077 is:0.0075 enough:0.0065 down:0.0063 it:0.0052 from:0.0050 -:0.9004 the:0.0324 a:0.0111 that:0.0100 other:0.0088 then:0.0087 was:0.0084 he:0.0073 all:0.0068 it:0.0062 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8798 it:0.0208 him:0.0162 them:0.0153 as:0.0145 according:0.0140 up:0.0115 is:0.0095 and:0.0093 you:0.0091 -:0.8325 all:0.0485 the:0.0310 that:0.0240 which:0.0151 and:0.0126 a:0.0124 in:0.0087 for:0.0079 by:0.0073 -:0.7427 in:0.0499 to:0.0482 and:0.0380 for:0.0268 of:0.0236 that:0.0198 the:0.0197 on:0.0178 as:0.0135 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.9109 and:0.0474 the:0.0091 he:0.0069 or:0.0052 large:0.0051 it:0.0041 long:0.0040 days:0.0040 years:0.0035 -:0.7569 the:0.1046 and:0.0353 of:0.0237 a:0.0216 by:0.0151 for:0.0127 in:0.0124 tho:0.0094 or:0.0083 -:0.7766 and:0.0399 he:0.0353 was:0.0318 be:0.0280 the:0.0229 is:0.0212 to:0.0192 have:0.0151 are:0.0100 -:0.9125 line:0.0284 side:0.0137 amount:0.0112 corner:0.0073 feet:0.0066 part:0.0066 day:0.0053 end:0.0043 number:0.0041 -:0.9006 use:0.0199 think:0.0139 one:0.0129 corner:0.0117 be:0.0107 dispose:0.0085 support:0.0083 act:0.0070 form:0.0065 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9189 the:0.0179 and:0.0170 in:0.0131 to:0.0078 a:0.0072 said:0.0052 that:0.0050 as:0.0041 on:0.0039 -:0.9419 them:0.0144 land:0.0075 him:0.0071 said:0.0066 us:0.0048 it:0.0048 the:0.0045 war:0.0043 life:0.0040 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -be:0.3426 :0.5205 not:0.0393 have:0.0276 bo:0.0225 he:0.0176 the:0.0155 make:0.0050 become:0.0049 take:0.0046 -:0.8408 the:0.0826 two:0.0239 a:0.0115 his:0.0083 three:0.0078 about:0.0069 and:0.0068 tho:0.0059 good:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6858 order:0.1073 regard:0.1041 addition:0.0368 relation:0.0182 reference:0.0155 said:0.0103 time:0.0083 them:0.0074 which:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9071 few:0.0262 year:0.0161 man:0.0109 day:0.0079 little:0.0077 week:0.0067 more:0.0063 piece:0.0056 good:0.0056 -:0.7591 and:0.0801 is:0.0348 was:0.0311 of:0.0255 be:0.0209 are:0.0184 in:0.0122 or:0.0094 had:0.0085 -the:0.3783 a:0.1409 :0.3514 an:0.0478 their:0.0243 his:0.0146 this:0.0135 tho:0.0116 its:0.0107 tbe:0.0068 -:0.5958 the:0.2257 a:0.0687 it:0.0257 this:0.0182 his:0.0171 in:0.0138 an:0.0134 of:0.0112 he:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7099 and:0.0863 of:0.0661 in:0.0348 that:0.0275 to:0.0220 for:0.0180 or:0.0139 the:0.0113 at:0.0103 -:0.8384 of:0.0404 the:0.0337 to:0.0270 a:0.0148 and:0.0147 that:0.0108 in:0.0085 with:0.0073 an:0.0044 -:0.6049 the:0.1727 of:0.0611 a:0.0469 in:0.0398 by:0.0218 and:0.0213 with:0.0135 at:0.0092 tho:0.0088 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -been:0.5995 :0.2341 had:0.0534 not:0.0267 ever:0.0211 be:0.0185 never:0.0158 always:0.0122 already:0.0096 was:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8413 the:0.0405 of:0.0397 and:0.0330 to:0.0089 in:0.0087 a:0.0082 that:0.0080 an:0.0062 is:0.0055 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7462 was:0.0532 and:0.0441 is:0.0326 of:0.0236 the:0.0234 in:0.0204 has:0.0201 are:0.0194 or:0.0170 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6795 the:0.1272 a:0.0867 was:0.0255 and:0.0229 is:0.0173 of:0.0151 are:0.0095 his:0.0089 in:0.0074 -:0.8420 and:0.0784 of:0.0146 was:0.0120 in:0.0111 is:0.0096 the:0.0094 are:0.0089 a:0.0070 have:0.0070 -:0.5683 the:0.2093 a:0.0548 of:0.0416 to:0.0355 this:0.0338 and:0.0240 in:0.0139 tho:0.0097 said:0.0091 -:0.7697 the:0.0880 a:0.0373 it:0.0314 him:0.0135 which:0.0134 this:0.0119 their:0.0119 them:0.0117 that:0.0112 -:0.8880 and:0.0360 the:0.0217 in:0.0151 of:0.0087 one:0.0071 that:0.0069 this:0.0059 he:0.0054 it:0.0053 -:0.6038 the:0.1588 a:0.0529 his:0.0527 any:0.0373 its:0.0279 every:0.0180 their:0.0175 this:0.0163 my:0.0149 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9062 it:0.0196 and:0.0174 is:0.0156 as:0.0126 order:0.0063 them:0.0061 according:0.0058 him:0.0053 was:0.0049 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7827 of:0.0682 to:0.0362 and:0.0360 that:0.0242 the:0.0173 it:0.0116 for:0.0093 in:0.0075 which:0.0072 -:0.9042 same:0.0248 whole:0.0154 first:0.0126 best:0.0104 following:0.0090 most:0.0072 great:0.0058 last:0.0056 young:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8954 same:0.0241 great:0.0127 most:0.0125 first:0.0120 other:0.0118 said:0.0101 best:0.0079 entire:0.0071 whole:0.0064 -:0.7503 the:0.1151 of:0.0482 at:0.0268 and:0.0183 in:0.0099 to:0.0095 a:0.0077 for:0.0076 said:0.0066 -will:0.3237 may:0.1395 should:0.0937 would:0.0877 can:0.0828 must:0.0544 shall:0.0512 could:0.0503 :0.0907 cannot:0.0261 -:0.9479 one:0.0101 part:0.0090 day:0.0072 side:0.0068 number:0.0066 line:0.0032 out:0.0031 and:0.0031 kind:0.0029 -:0.6837 or:0.0754 years:0.0519 times:0.0412 days:0.0379 of:0.0297 months:0.0268 hundred:0.0242 and:0.0167 weeks:0.0125 -of:0.1945 :0.4259 in:0.1151 for:0.0835 and:0.0603 to:0.0480 with:0.0232 on:0.0194 at:0.0165 by:0.0136 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -has:0.2925 :0.3444 have:0.1718 had:0.1327 having:0.0255 and:0.0103 lias:0.0081 was:0.0056 of:0.0046 or:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8416 it:0.0256 and:0.0230 as:0.0219 is:0.0159 him:0.0159 up:0.0158 them:0.0154 out:0.0135 down:0.0113 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.6941 and:0.0867 or:0.0589 of:0.0556 to:0.0360 in:0.0169 was:0.0160 is:0.0145 the:0.0118 who:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.6058 :0.2208 will:0.0831 and:0.0386 would:0.0146 must:0.0098 who:0.0087 should:0.0077 shall:0.0062 may:0.0046 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7947 and:0.0498 was:0.0355 be:0.0299 is:0.0298 the:0.0204 are:0.0135 it:0.0097 he:0.0084 as:0.0082 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9411 way:0.0087 day:0.0083 and:0.0071 work:0.0064 men:0.0063 time:0.0063 country:0.0058 money:0.0050 candidate:0.0049 -:0.6178 of:0.1478 the:0.0871 in:0.0307 and:0.0304 a:0.0262 on:0.0182 was:0.0149 with:0.0146 for:0.0123 -of:0.3118 or:0.1376 for:0.0710 :0.2820 and:0.0650 to:0.0432 in:0.0377 with:0.0241 from:0.0139 on:0.0139 -:0.6571 was:0.0884 be:0.0730 is:0.0322 and:0.0316 are:0.0293 he:0.0280 have:0.0242 has:0.0183 were:0.0179 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6685 in:0.0959 to:0.0839 that:0.0330 of:0.0259 on:0.0239 at:0.0224 not:0.0187 by:0.0150 for:0.0127 -:0.5026 we:0.1456 who:0.1086 they:0.0902 to:0.0385 would:0.0339 will:0.0255 you:0.0214 should:0.0193 and:0.0144 -of:0.8172 :0.0958 in:0.0281 with:0.0126 from:0.0099 on:0.0088 ot:0.0076 that:0.0071 by:0.0067 for:0.0063 -:0.6551 to:0.0796 of:0.0701 in:0.0404 the:0.0385 and:0.0306 for:0.0270 a:0.0215 that:0.0197 by:0.0176 -:0.7807 the:0.0800 that:0.0350 a:0.0266 in:0.0193 and:0.0141 by:0.0124 of:0.0121 as:0.0110 it:0.0088 -:0.7993 and:0.0429 he:0.0393 the:0.0385 was:0.0198 be:0.0170 is:0.0132 of:0.0106 we:0.0101 have:0.0094 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.7474 north:0.1091 south:0.0370 east:0.0266 most:0.0194 whole:0.0159 west:0.0142 right:0.0108 great:0.0102 public:0.0092 -:0.9387 and:0.0109 or:0.0092 up:0.0090 followed:0.0063 out:0.0062 day:0.0057 owned:0.0053 made:0.0046 required:0.0041 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3095 :0.5248 a:0.0368 which:0.0208 his:0.0204 tho:0.0202 him:0.0175 them:0.0172 this:0.0166 it:0.0161 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.5802 the:0.1771 a:0.1434 of:0.0430 and:0.0143 in:0.0119 this:0.0084 is:0.0079 tho:0.0072 his:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.6529 south:0.1155 north:0.1154 other:0.0446 west:0.0218 east:0.0210 most:0.0087 public:0.0072 right:0.0068 whole:0.0061 -:0.7319 are:0.0872 have:0.0531 get:0.0240 were:0.0224 do:0.0172 had:0.0171 make:0.0170 in:0.0162 see:0.0140 -:0.7463 say:0.0769 know:0.0349 see:0.0330 be:0.0252 believe:0.0211 learn:0.0178 show:0.0177 think:0.0140 do:0.0132 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.9115 said:0.0233 same:0.0177 first:0.0091 present:0.0084 best:0.0073 most:0.0068 last:0.0055 great:0.0053 public:0.0051 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -of:0.2428 :0.5223 with:0.0495 in:0.0484 to:0.0287 that:0.0244 and:0.0239 for:0.0233 from:0.0190 on:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6619 the:0.1933 a:0.0618 that:0.0283 of:0.0105 to:0.0099 and:0.0097 by:0.0095 his:0.0080 in:0.0070 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8464 time:0.0655 way:0.0315 right:0.0113 feet:0.0098 one:0.0083 thing:0.0081 regard:0.0072 person:0.0063 cases:0.0056 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.9516 man:0.0072 year:0.0066 hundred:0.0065 long:0.0061 large:0.0056 good:0.0046 time:0.0041 matter:0.0039 little:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7287 to:0.1122 the:0.0416 and:0.0349 in:0.0201 it:0.0142 a:0.0142 him:0.0135 or:0.0105 of:0.0101 -:0.5353 the:0.2328 of:0.0659 a:0.0553 in:0.0331 and:0.0222 his:0.0165 an:0.0159 for:0.0133 or:0.0096 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8023 the:0.0534 and:0.0323 of:0.0296 a:0.0234 that:0.0151 to:0.0140 in:0.0115 it:0.0108 at:0.0076 -:0.7225 took:0.0535 went:0.0488 came:0.0398 got:0.0304 made:0.0246 put:0.0211 was:0.0211 picked:0.0193 had:0.0189 -of:0.7579 :0.1573 in:0.0228 and:0.0205 for:0.0103 or:0.0096 the:0.0081 ot:0.0058 with:0.0041 was:0.0037 -:0.6651 and:0.0929 of:0.0737 to:0.0681 in:0.0228 is:0.0173 or:0.0168 was:0.0157 with:0.0143 for:0.0134 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7615 the:0.1431 a:0.0203 and:0.0190 of:0.0131 or:0.0103 thence:0.0084 his:0.0083 was:0.0083 is:0.0077 -:0.5065 be:0.0916 was:0.0836 has:0.0782 have:0.0755 is:0.0738 had:0.0341 and:0.0234 are:0.0187 were:0.0146 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6152 to:0.2263 and:0.0694 will:0.0337 of:0.0177 would:0.0113 the:0.0087 could:0.0067 can:0.0057 we:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -in:0.1683 :0.5504 to:0.0666 from:0.0376 by:0.0316 with:0.0308 on:0.0302 at:0.0297 for:0.0286 if:0.0261 -:0.7985 the:0.0607 all:0.0370 a:0.0350 to:0.0151 in:0.0136 and:0.0122 one:0.0104 that:0.0095 any:0.0081 -other:0.1670 :0.7405 one:0.0248 person:0.0194 more:0.0129 time:0.0109 such:0.0065 of:0.0062 kind:0.0061 very:0.0056 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6375 the:0.1851 a:0.0518 of:0.0303 and:0.0270 to:0.0223 in:0.0170 his:0.0118 tho:0.0088 this:0.0084 -:0.7571 the:0.1027 a:0.0629 any:0.0253 this:0.0119 an:0.0107 it:0.0095 tho:0.0080 that:0.0065 one:0.0054 -:0.8764 the:0.0373 to:0.0278 a:0.0121 in:0.0120 that:0.0081 had:0.0072 will:0.0066 is:0.0064 then:0.0062 -:0.7752 the:0.1218 and:0.0223 in:0.0184 of:0.0164 or:0.0159 a:0.0116 not:0.0062 for:0.0061 all:0.0060 -:0.8338 the:0.0585 a:0.0415 and:0.0149 of:0.0111 that:0.0106 to:0.0097 in:0.0073 he:0.0064 as:0.0063 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.7556 was:0.0618 and:0.0456 is:0.0378 be:0.0252 have:0.0180 are:0.0173 were:0.0139 he:0.0129 has:0.0119 -:0.6082 a:0.1575 the:0.1252 of:0.0359 and:0.0271 this:0.0105 tho:0.0097 to:0.0088 his:0.0088 or:0.0082 -:0.5834 in:0.1121 a:0.0785 the:0.0727 of:0.0438 and:0.0396 to:0.0386 by:0.0118 with:0.0112 this:0.0082 -:0.6327 a:0.1636 the:0.1084 to:0.0204 that:0.0202 this:0.0148 and:0.0116 tho:0.0102 it:0.0096 his:0.0085 -:0.9778 and:0.0028 interest:0.0028 way:0.0028 men:0.0027 day:0.0027 place:0.0025 people:0.0022 work:0.0019 line:0.0018 -:0.9709 the:0.0057 will:0.0053 to:0.0041 his:0.0027 a:0.0026 would:0.0024 this:0.0022 should:0.0021 may:0.0021 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.9003 and:0.0209 went:0.0201 came:0.0145 was:0.0096 it:0.0077 are:0.0071 is:0.0070 set:0.0066 come:0.0062 -:0.9149 one:0.0265 out:0.0140 that:0.0106 some:0.0072 because:0.0067 any:0.0066 all:0.0057 part:0.0042 or:0.0036 -:0.5326 of:0.1950 to:0.1368 and:0.0285 in:0.0238 for:0.0220 with:0.0215 by:0.0183 on:0.0127 that:0.0088 -:0.8698 and:0.0581 that:0.0153 which:0.0147 to:0.0089 of:0.0086 it:0.0071 or:0.0063 but:0.0057 who:0.0054 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -was:0.1378 :0.3960 is:0.1030 be:0.0777 are:0.0585 has:0.0541 have:0.0510 had:0.0422 and:0.0408 were:0.0388 -of:0.3415 :0.3732 the:0.0976 a:0.0899 in:0.0335 and:0.0189 his:0.0153 an:0.0117 any:0.0094 their:0.0089 -:0.8686 the:0.0451 and:0.0243 a:0.0148 to:0.0114 this:0.0106 or:0.0079 large:0.0065 in:0.0058 will:0.0050 -:0.7146 in:0.0802 that:0.0334 for:0.0280 and:0.0274 with:0.0244 to:0.0235 at:0.0233 by:0.0231 of:0.0222 -:0.4925 a:0.2088 the:0.1963 and:0.0289 of:0.0204 this:0.0148 his:0.0119 our:0.0092 their:0.0088 tho:0.0083 -:0.8819 and:0.0256 of:0.0229 times:0.0119 years:0.0116 or:0.0105 but:0.0101 that:0.0101 hours:0.0078 days:0.0076 -:0.8468 and:0.0450 of:0.0262 the:0.0234 to:0.0128 or:0.0127 was:0.0092 be:0.0086 is:0.0080 for:0.0075 -:0.8677 of:0.0388 and:0.0345 away:0.0135 at:0.0089 or:0.0084 them:0.0081 in:0.0075 by:0.0065 over:0.0061 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7981 of:0.0685 and:0.0447 to:0.0237 the:0.0167 or:0.0142 in:0.0117 with:0.0085 was:0.0073 is:0.0065 -in:0.2338 of:0.1407 :0.3809 to:0.0594 at:0.0398 for:0.0363 and:0.0311 that:0.0288 by:0.0256 on:0.0235 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5636 it:0.1558 he:0.1206 they:0.0438 there:0.0384 we:0.0243 that:0.0215 she:0.0158 you:0.0086 ho:0.0076 -of:0.1365 at:0.0506 for:0.0399 by:0.0279 to:0.0222 in:0.0121 ot:0.0116 and:0.0110 :0.6778 as:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7503 to:0.0695 the:0.0424 a:0.0286 in:0.0246 for:0.0230 at:0.0208 by:0.0172 from:0.0122 on:0.0114 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8258 that:0.0621 it:0.0329 and:0.0252 them:0.0141 not:0.0095 so:0.0092 him:0.0074 now:0.0070 but:0.0068 -:0.8273 made:0.0306 held:0.0299 found:0.0265 used:0.0195 paid:0.0194 placed:0.0136 done:0.0133 seen:0.0103 sold:0.0096 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9530 they:0.0063 be:0.0058 it:0.0058 we:0.0057 is:0.0055 was:0.0052 have:0.0043 he:0.0043 been:0.0041 -:0.7829 of:0.0535 to:0.0361 and:0.0351 in:0.0284 the:0.0213 are:0.0139 a:0.0115 or:0.0097 who:0.0076 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5731 of:0.2290 and:0.0570 the:0.0339 that:0.0274 to:0.0256 in:0.0163 for:0.0143 with:0.0119 by:0.0116 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.9685 above:0.0074 time:0.0050 of:0.0038 world:0.0036 past:0.0029 following:0.0025 left:0.0023 place:0.0021 in:0.0019 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7670 to:0.0548 in:0.0393 and:0.0389 the:0.0307 of:0.0184 that:0.0136 by:0.0133 a:0.0128 with:0.0112 -to:0.2414 :0.4660 that:0.0775 and:0.0631 if:0.0385 when:0.0308 but:0.0299 as:0.0215 which:0.0181 where:0.0131 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9158 said:0.0206 most:0.0102 same:0.0096 first:0.0088 great:0.0082 whole:0.0074 best:0.0073 new:0.0069 the:0.0051 -:0.7147 of:0.1395 and:0.0413 to:0.0243 the:0.0228 for:0.0145 in:0.0145 or:0.0121 than:0.0097 is:0.0066 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8389 and:0.0855 it:0.0158 he:0.0147 was:0.0092 is:0.0079 be:0.0077 which:0.0075 that:0.0070 but:0.0060 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -the:0.2924 :0.5477 he:0.0312 a:0.0285 this:0.0262 no:0.0189 is:0.0155 his:0.0140 in:0.0135 tho:0.0121 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -will:0.3075 would:0.1324 could:0.0720 may:0.0618 should:0.0600 :0.2240 must:0.0538 can:0.0447 cannot:0.0223 are:0.0215 -:0.9789 men:0.0030 people:0.0027 hour:0.0024 it:0.0024 man:0.0023 and:0.0023 hundred:0.0021 time:0.0020 law:0.0019 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8635 of:0.0315 to:0.0229 in:0.0216 the:0.0179 and:0.0135 a:0.0123 on:0.0067 for:0.0052 by:0.0050 -of:0.3130 :0.3728 and:0.0699 to:0.0469 for:0.0463 with:0.0409 in:0.0380 on:0.0306 at:0.0251 from:0.0164 -:0.9541 war:0.0077 world:0.0071 same:0.0059 people:0.0050 country:0.0048 house:0.0041 ground:0.0041 connection:0.0037 room:0.0034 -:0.6717 the:0.1267 a:0.0643 to:0.0256 and:0.0241 in:0.0215 by:0.0180 it:0.0173 of:0.0168 as:0.0142 -:0.6247 to:0.2433 and:0.0732 will:0.0121 of:0.0117 was:0.0079 is:0.0076 the:0.0074 or:0.0061 not:0.0060 -:0.5151 to:0.1290 and:0.1025 of:0.0952 for:0.0367 with:0.0320 in:0.0243 at:0.0233 by:0.0227 from:0.0191 -:0.7994 be:0.0514 take:0.0307 have:0.0288 make:0.0223 in:0.0183 give:0.0140 get:0.0129 find:0.0118 receive:0.0104 -:0.8195 come:0.0327 failed:0.0294 been:0.0252 decided:0.0180 not:0.0176 gone:0.0168 made:0.0158 able:0.0146 tried:0.0103 -:0.5169 is:0.1389 was:0.0827 and:0.0687 the:0.0546 are:0.0492 of:0.0392 or:0.0235 has:0.0139 as:0.0123 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7810 of:0.0968 and:0.0445 in:0.0257 to:0.0110 or:0.0095 the:0.0090 for:0.0088 that:0.0081 was:0.0057 -:0.5835 a:0.2192 the:0.0699 and:0.0322 of:0.0242 very:0.0199 is:0.0168 was:0.0125 as:0.0109 with:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9012 and:0.0387 is:0.0109 or:0.0100 for:0.0085 was:0.0074 that:0.0073 of:0.0059 but:0.0058 in:0.0044 -:0.9072 thought:0.0195 heard:0.0149 was:0.0145 knew:0.0097 spoke:0.0090 had:0.0088 made:0.0058 is:0.0054 cost:0.0052 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.7823 be:0.1284 do:0.0260 have:0.0150 he:0.0095 him:0.0083 which:0.0083 it:0.0080 you:0.0072 the:0.0071 -:0.5226 of:0.2094 the:0.1216 and:0.0367 in:0.0333 a:0.0262 for:0.0174 with:0.0148 that:0.0096 all:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.7428 they:0.0968 there:0.0516 we:0.0335 it:0.0301 he:0.0113 and:0.0102 you:0.0095 that:0.0086 which:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6754 and:0.1038 that:0.0711 but:0.0481 if:0.0221 as:0.0206 of:0.0166 which:0.0163 than:0.0157 where:0.0102 -:0.6571 was:0.0884 be:0.0730 is:0.0322 and:0.0316 are:0.0293 he:0.0280 have:0.0242 has:0.0183 were:0.0179 -:0.9683 all:0.0055 the:0.0051 said:0.0050 it:0.0032 this:0.0032 money:0.0030 interest:0.0022 time:0.0022 them:0.0022 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5641 the:0.2853 a:0.0512 to:0.0231 his:0.0175 and:0.0172 tho:0.0132 that:0.0096 an:0.0094 their:0.0094 -:0.8925 and:0.0641 who:0.0071 or:0.0067 but:0.0064 were:0.0054 bidder:0.0051 are:0.0044 out:0.0042 than:0.0041 -will:0.2539 may:0.1105 :0.2015 would:0.0873 should:0.0858 shall:0.0702 can:0.0637 to:0.0489 must:0.0406 could:0.0376 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6669 be:0.1151 the:0.1058 have:0.0326 his:0.0221 take:0.0148 her:0.0121 bo:0.0109 any:0.0101 this:0.0095 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6948 the:0.0993 in:0.0374 a:0.0351 of:0.0323 to:0.0305 that:0.0199 it:0.0187 for:0.0177 at:0.0142 -:0.8818 and:0.0349 is:0.0223 was:0.0134 of:0.0134 or:0.0099 are:0.0065 in:0.0062 way:0.0058 but:0.0057 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8006 him:0.0473 them:0.0390 it:0.0282 us:0.0198 you:0.0188 me:0.0166 and:0.0159 the:0.0072 he:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5909 of:0.1378 and:0.0897 to:0.0613 in:0.0359 for:0.0209 at:0.0202 that:0.0166 the:0.0159 as:0.0108 -:0.7621 and:0.0847 of:0.0384 to:0.0286 the:0.0184 in:0.0155 ago:0.0145 that:0.0131 from:0.0126 or:0.0120 -:0.7993 of:0.0620 and:0.0401 to:0.0263 in:0.0208 the:0.0161 or:0.0106 from:0.0105 a:0.0074 for:0.0070 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.7723 of:0.0636 the:0.0530 and:0.0232 in:0.0195 that:0.0184 it:0.0148 a:0.0131 to:0.0120 on:0.0102 -:0.9219 and:0.0382 man:0.0104 men:0.0054 are:0.0050 of:0.0050 is:0.0037 which:0.0036 that:0.0035 in:0.0033 -:0.6968 be:0.2014 not:0.0208 bo:0.0171 have:0.0137 do:0.0114 he:0.0109 the:0.0107 get:0.0102 see:0.0069 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8257 for:0.0301 and:0.0293 or:0.0232 of:0.0219 in:0.0194 at:0.0144 to:0.0137 the:0.0131 about:0.0091 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.7342 and:0.0793 is:0.0452 as:0.0247 of:0.0226 has:0.0212 was:0.0197 who:0.0194 that:0.0169 or:0.0168 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.6551 to:0.1426 of:0.0614 and:0.0311 that:0.0265 in:0.0245 or:0.0193 the:0.0172 as:0.0115 a:0.0108 -:0.7245 the:0.1137 and:0.0373 was:0.0333 is:0.0316 are:0.0152 a:0.0136 his:0.0105 of:0.0104 or:0.0099 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -a:0.4367 :0.4558 the:0.0282 to:0.0213 p:0.0204 much:0.0161 follows:0.0071 is:0.0056 well:0.0050 an:0.0039 -:0.9343 city:0.0106 most:0.0096 whole:0.0089 best:0.0074 right:0.0063 last:0.0062 case:0.0059 first:0.0055 top:0.0054 -:0.8879 held:0.0248 not:0.0186 made:0.0145 killed:0.0122 sold:0.0104 placed:0.0092 received:0.0079 paid:0.0074 called:0.0072 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5596 the:0.3228 a:0.0485 tho:0.0153 his:0.0127 an:0.0099 their:0.0092 this:0.0091 its:0.0069 her:0.0061 -of:0.5725 in:0.0694 :0.1760 for:0.0416 to:0.0372 and:0.0327 that:0.0284 on:0.0193 with:0.0119 from:0.0110 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2961 :0.4897 and:0.1104 for:0.0372 in:0.0183 or:0.0133 that:0.0104 at:0.0087 with:0.0085 is:0.0074 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.6743 with:0.1402 and:0.0377 the:0.0312 by:0.0277 in:0.0246 a:0.0213 that:0.0172 of:0.0137 as:0.0122 -:0.7261 the:0.1391 a:0.0745 and:0.0132 of:0.0130 his:0.0085 tho:0.0068 was:0.0066 this:0.0062 in:0.0058 -:0.7046 to:0.1151 that:0.0294 we:0.0263 would:0.0247 which:0.0244 and:0.0212 they:0.0197 will:0.0184 who:0.0162 -:0.9449 and:0.0169 he:0.0069 it:0.0061 which:0.0053 to:0.0049 as:0.0045 good:0.0035 but:0.0035 was:0.0034 -:0.8220 well:0.0713 good:0.0231 very:0.0173 little:0.0167 large:0.0149 long:0.0122 great:0.0117 bad:0.0054 have:0.0054 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.7084 of:0.0890 to:0.0662 the:0.0349 and:0.0293 for:0.0176 in:0.0166 that:0.0157 or:0.0139 by:0.0085 -:0.5666 and:0.1281 to:0.1162 that:0.0555 of:0.0478 in:0.0223 or:0.0220 the:0.0148 but:0.0143 was:0.0124 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.7621 was:0.0952 had:0.0456 said:0.0195 is:0.0179 has:0.0150 would:0.0144 will:0.0137 could:0.0087 went:0.0079 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -to:0.3899 :0.3073 for:0.0844 by:0.0670 with:0.0423 on:0.0272 in:0.0232 upon:0.0221 of:0.0208 from:0.0158 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8583 and:0.0387 to:0.0188 as:0.0179 in:0.0134 of:0.0123 for:0.0108 is:0.0102 but:0.0102 was:0.0094 -:0.7931 we:0.0577 you:0.0339 who:0.0267 they:0.0249 not:0.0157 which:0.0156 to:0.0126 that:0.0118 and:0.0079 -the:0.3513 :0.4389 a:0.0874 not:0.0395 no:0.0204 at:0.0167 an:0.0163 tho:0.0124 his:0.0089 said:0.0081 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.4961 the:0.2198 of:0.0741 a:0.0674 to:0.0383 and:0.0292 in:0.0249 by:0.0203 his:0.0200 tho:0.0098 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8408 of:0.0738 and:0.0245 to:0.0135 in:0.0113 was:0.0087 or:0.0081 as:0.0077 is:0.0071 for:0.0044 -:0.5652 the:0.2758 a:0.0509 of:0.0430 and:0.0192 to:0.0136 or:0.0098 tho:0.0090 in:0.0071 their:0.0064 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.6689 :0.2476 and:0.0250 will:0.0184 we:0.0124 they:0.0085 not:0.0059 would:0.0055 he:0.0041 you:0.0036 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -:0.7774 he:0.0700 they:0.0300 and:0.0285 it:0.0266 we:0.0224 she:0.0167 who:0.0132 there:0.0085 ho:0.0066 -:0.5305 the:0.1409 a:0.1079 with:0.0755 by:0.0347 and:0.0287 of:0.0244 to:0.0223 their:0.0200 his:0.0151 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6862 it:0.1451 he:0.0741 there:0.0456 she:0.0143 and:0.0094 that:0.0087 ho:0.0063 which:0.0060 lie:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.6708 is:0.0940 was:0.0736 are:0.0561 were:0.0336 and:0.0215 the:0.0150 to:0.0139 in:0.0108 a:0.0108 -:0.9138 same:0.0235 said:0.0153 first:0.0073 new:0.0071 whole:0.0070 highest:0.0069 public:0.0067 best:0.0062 other:0.0061 -the:0.3700 :0.4440 a:0.0895 tho:0.0289 his:0.0208 tbe:0.0142 their:0.0098 our:0.0081 this:0.0080 said:0.0067 -:0.8854 time:0.0429 day:0.0151 thing:0.0104 is:0.0098 order:0.0083 power:0.0076 way:0.0074 year:0.0068 subject:0.0064 -of:0.6047 :0.1902 for:0.0421 in:0.0356 and:0.0260 to:0.0235 by:0.0214 that:0.0194 from:0.0190 on:0.0182 -:0.7432 to:0.0765 that:0.0479 all:0.0358 which:0.0244 in:0.0197 the:0.0169 by:0.0152 on:0.0105 a:0.0096 -:0.9060 m:0.0288 of:0.0236 and:0.0141 in:0.0074 is:0.0047 said:0.0044 the:0.0041 was:0.0036 are:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7753 and:0.0559 or:0.0353 is:0.0339 of:0.0272 the:0.0213 no:0.0144 was:0.0135 a:0.0128 are:0.0105 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8688 to:0.0349 and:0.0277 of:0.0199 in:0.0137 for:0.0085 that:0.0082 on:0.0067 at:0.0059 the:0.0058 -:0.8300 the:0.0425 and:0.0309 to:0.0286 of:0.0268 was:0.0121 a:0.0103 in:0.0070 will:0.0068 or:0.0051 -:0.9078 the:0.0304 a:0.0220 and:0.0095 in:0.0058 he:0.0053 to:0.0051 an:0.0049 of:0.0047 that:0.0043 -:0.5446 of:0.1231 in:0.1001 by:0.0654 that:0.0581 for:0.0290 with:0.0230 on:0.0202 from:0.0189 and:0.0178 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6701 did:0.0638 do:0.0454 is:0.0383 will:0.0357 does:0.0347 was:0.0310 if:0.0310 could:0.0265 would:0.0234 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9040 order:0.0202 this:0.0139 the:0.0133 all:0.0099 it:0.0096 which:0.0086 time:0.0078 one:0.0064 favor:0.0062 -:0.9593 and:0.0080 the:0.0078 of:0.0071 in:0.0045 a:0.0032 was:0.0029 other:0.0026 he:0.0023 said:0.0022 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.5875 to:0.1831 in:0.0559 by:0.0449 the:0.0309 and:0.0258 of:0.0241 from:0.0199 at:0.0145 a:0.0133 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.9581 and:0.0105 but:0.0064 place:0.0048 interest:0.0038 office:0.0036 effect:0.0035 called:0.0034 house:0.0032 line:0.0026 -:0.7371 and:0.1534 of:0.0279 was:0.0178 or:0.0144 for:0.0135 in:0.0109 is:0.0091 as:0.0088 are:0.0071 -to:0.1509 :0.5115 for:0.0774 of:0.0636 in:0.0556 on:0.0347 by:0.0309 at:0.0280 with:0.0239 as:0.0234 -:0.8186 and:0.0928 he:0.0271 that:0.0129 who:0.0112 was:0.0090 be:0.0089 which:0.0070 it:0.0064 have:0.0062 -as:0.2547 :0.6231 known:0.0758 up:0.0090 and:0.0082 enough:0.0070 able:0.0067 him:0.0055 decided:0.0054 made:0.0046 -:0.5812 of:0.1854 and:0.1074 was:0.0313 is:0.0294 has:0.0163 not:0.0148 or:0.0123 to:0.0115 which:0.0103 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7498 they:0.0931 we:0.0441 there:0.0428 it:0.0197 who:0.0113 then:0.0103 he:0.0100 that:0.0097 which:0.0092 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8281 much:0.0528 as:0.0390 far:0.0219 well:0.0133 long:0.0114 hard:0.0102 that:0.0089 back:0.0081 difficult:0.0062 -the:0.3492 :0.5402 a:0.0297 tho:0.0147 this:0.0144 his:0.0125 tbe:0.0111 their:0.0099 her:0.0096 an:0.0087 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7216 been:0.1569 done:0.0249 made:0.0223 seen:0.0160 gone:0.0130 taken:0.0117 not:0.0113 served:0.0113 passed:0.0110 -:0.9432 people:0.0226 men:0.0089 world:0.0052 city:0.0041 same:0.0038 war:0.0037 boys:0.0030 law:0.0028 government:0.0028 -:0.6327 a:0.1636 the:0.1084 to:0.0204 that:0.0202 this:0.0148 and:0.0116 tho:0.0102 it:0.0096 his:0.0085 -:0.7992 of:0.0625 the:0.0409 and:0.0277 he:0.0126 that:0.0125 a:0.0124 to:0.0113 with:0.0113 in:0.0096 -:0.6982 to:0.0942 and:0.0496 that:0.0337 in:0.0301 at:0.0263 a:0.0230 the:0.0190 by:0.0137 for:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8501 and:0.0355 as:0.0263 is:0.0218 it:0.0137 of:0.0123 but:0.0111 according:0.0109 are:0.0096 went:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8202 the:0.0633 a:0.0442 in:0.0184 that:0.0140 made:0.0109 to:0.0088 and:0.0073 no:0.0071 an:0.0059 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -the:0.3095 :0.5248 a:0.0368 which:0.0208 his:0.0204 tho:0.0202 him:0.0175 them:0.0172 this:0.0166 it:0.0161 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8607 as:0.0356 up:0.0189 down:0.0177 and:0.0163 him:0.0122 back:0.0106 it:0.0095 out:0.0094 enough:0.0090 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8907 a:0.0295 the:0.0159 of:0.0141 with:0.0102 and:0.0101 their:0.0098 his:0.0075 or:0.0064 one:0.0057 -:0.9472 country:0.0079 law:0.0074 world:0.0072 city:0.0066 matter:0.0062 fact:0.0053 case:0.0047 people:0.0041 bill:0.0033 -:0.8141 and:0.0467 is:0.0346 was:0.0267 who:0.0177 has:0.0132 be:0.0126 he:0.0118 are:0.0116 have:0.0110 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7468 the:0.1386 a:0.0302 of:0.0219 other:0.0186 and:0.0151 his:0.0114 tho:0.0070 one:0.0055 in:0.0049 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7235 the:0.0656 in:0.0443 to:0.0353 and:0.0281 by:0.0253 that:0.0234 a:0.0228 of:0.0203 for:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.8656 and:0.0533 of:0.0334 the:0.0077 or:0.0076 with:0.0075 are:0.0072 have:0.0070 was:0.0055 by:0.0052 -in:0.2335 of:0.1685 :0.3306 to:0.1155 at:0.0352 on:0.0272 for:0.0270 and:0.0243 from:0.0231 that:0.0152 -:0.5516 of:0.1922 in:0.0774 at:0.0347 and:0.0345 on:0.0307 for:0.0252 by:0.0221 with:0.0160 from:0.0155 -:0.9021 and:0.0263 came:0.0142 away:0.0104 was:0.0089 is:0.0089 out:0.0087 had:0.0071 are:0.0068 or:0.0067 -:0.6556 of:0.0899 in:0.0681 with:0.0400 the:0.0385 and:0.0376 to:0.0295 from:0.0160 for:0.0127 or:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4089 :0.4073 in:0.0502 the:0.0392 for:0.0270 and:0.0200 at:0.0166 to:0.0155 with:0.0079 or:0.0075 -:0.9078 and:0.0228 it:0.0117 he:0.0114 is:0.0097 who:0.0090 men:0.0076 they:0.0071 was:0.0066 be:0.0063 -:0.7589 and:0.0572 he:0.0454 the:0.0302 was:0.0295 be:0.0258 is:0.0162 a:0.0139 to:0.0130 are:0.0101 -:0.7124 be:0.2138 bo:0.0190 the:0.0134 not:0.0087 have:0.0086 he:0.0077 in:0.0062 give:0.0055 and:0.0048 -:0.7004 in:0.0519 of:0.0452 and:0.0405 were:0.0391 are:0.0376 have:0.0290 who:0.0203 had:0.0189 to:0.0173 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7245 the:0.1137 and:0.0373 was:0.0333 is:0.0316 are:0.0152 a:0.0136 his:0.0105 of:0.0104 or:0.0099 -:0.5877 of:0.1742 to:0.1192 and:0.0606 in:0.0150 for:0.0115 the:0.0093 that:0.0088 or:0.0074 with:0.0065 -:0.8640 found:0.0272 held:0.0272 made:0.0226 used:0.0151 paid:0.0136 done:0.0105 put:0.0074 placed:0.0063 now:0.0061 -:0.8713 the:0.0422 a:0.0181 be:0.0147 he:0.0141 was:0.0097 has:0.0091 not:0.0076 that:0.0069 is:0.0063 -in:0.1500 of:0.1406 :0.4563 to:0.0632 on:0.0436 with:0.0406 that:0.0315 and:0.0303 for:0.0242 from:0.0196 -:0.6116 to:0.2197 on:0.0293 out:0.0261 the:0.0248 and:0.0217 in:0.0195 by:0.0178 into:0.0151 that:0.0145 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8115 able:0.0740 allowed:0.0251 made:0.0218 required:0.0175 given:0.0118 used:0.0114 compelled:0.0103 ready:0.0083 liable:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8378 them:0.0367 it:0.0340 him:0.0321 as:0.0115 her:0.0111 me:0.0108 according:0.0089 up:0.0086 us:0.0086 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.8340 bo:0.0404 have:0.0288 :0.0670 he:0.0135 not:0.0065 been:0.0039 lie:0.0030 also:0.0016 never:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2931 :0.5369 a:0.0647 of:0.0299 his:0.0160 and:0.0159 tho:0.0133 any:0.0114 no:0.0099 to:0.0090 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.7738 had:0.0483 have:0.0414 are:0.0348 has:0.0256 was:0.0255 is:0.0182 were:0.0147 will:0.0120 would:0.0057 -of:0.3655 :0.4559 and:0.0451 to:0.0384 the:0.0298 in:0.0186 that:0.0150 for:0.0139 which:0.0093 as:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5260 and:0.1610 is:0.1033 was:0.0939 to:0.0442 of:0.0322 being:0.0110 or:0.0100 are:0.0094 but:0.0090 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9166 so:0.0251 all:0.0162 and:0.0095 in:0.0095 to:0.0061 before:0.0047 not:0.0042 of:0.0040 at:0.0040 -:0.6073 the:0.2286 an:0.0619 of:0.0394 a:0.0133 and:0.0129 years:0.0129 or:0.0080 their:0.0078 tho:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6477 was:0.0685 is:0.0442 and:0.0429 be:0.0428 has:0.0392 had:0.0336 have:0.0307 he:0.0304 were:0.0200 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -of:0.1581 to:0.1084 for:0.0941 :0.4065 in:0.0686 with:0.0514 and:0.0386 at:0.0287 on:0.0260 from:0.0197 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8317 and:0.0469 that:0.0255 in:0.0237 the:0.0158 as:0.0158 of:0.0133 to:0.0106 but:0.0090 a:0.0077 -:0.8274 the:0.0625 and:0.0297 to:0.0270 in:0.0122 a:0.0112 be:0.0099 by:0.0069 not:0.0067 more:0.0064 -is:0.4142 was:0.1626 :0.2385 are:0.0766 were:0.0580 and:0.0137 has:0.0127 had:0.0090 be:0.0076 have:0.0071 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9496 day:0.0110 and:0.0069 line:0.0065 one:0.0053 that:0.0049 is:0.0041 out:0.0041 end:0.0038 or:0.0037 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8120 is:0.0680 be:0.0395 was:0.0209 country:0.0118 city:0.0117 act:0.0103 bill:0.0087 he:0.0085 has:0.0084 -:0.9709 the:0.0057 will:0.0053 to:0.0041 his:0.0027 a:0.0026 would:0.0024 this:0.0022 should:0.0021 may:0.0021 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -a:0.2788 :0.4599 the:0.1684 his:0.0254 their:0.0185 tho:0.0152 our:0.0098 her:0.0081 of:0.0080 its:0.0079 -:0.7151 was:0.0836 is:0.0817 and:0.0284 be:0.0243 are:0.0182 has:0.0168 in:0.0114 had:0.0107 were:0.0097 -:0.7777 the:0.0539 a:0.0515 and:0.0361 of:0.0229 was:0.0159 is:0.0145 to:0.0111 be:0.0092 in:0.0071 -of:0.4059 :0.2787 in:0.0763 to:0.0541 and:0.0404 for:0.0384 at:0.0319 from:0.0275 on:0.0246 by:0.0221 -:0.5337 or:0.1463 and:0.0981 of:0.0732 for:0.0673 with:0.0223 the:0.0154 in:0.0153 that:0.0144 is:0.0140 -:0.8459 and:0.0466 was:0.0198 to:0.0170 the:0.0139 is:0.0127 not:0.0121 are:0.0120 will:0.0103 be:0.0096 -:0.8363 and:0.0589 is:0.0273 was:0.0222 are:0.0124 in:0.0115 be:0.0094 of:0.0079 or:0.0073 were:0.0069 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8444 the:0.0657 a:0.0252 that:0.0172 it:0.0134 be:0.0089 and:0.0072 not:0.0066 this:0.0058 he:0.0054 -he:0.2135 :0.3475 it:0.1747 they:0.0943 we:0.0503 she:0.0351 there:0.0302 you:0.0223 that:0.0190 ho:0.0131 -:0.5540 the:0.3005 a:0.0400 his:0.0298 this:0.0161 their:0.0141 tho:0.0137 her:0.0115 its:0.0106 be:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.6089 be:0.2731 have:0.0483 bo:0.0208 not:0.0196 he:0.0085 the:0.0056 do:0.0055 and:0.0048 get:0.0048 -:0.6539 the:0.2180 a:0.0348 he:0.0200 it:0.0166 that:0.0130 tho:0.0125 to:0.0118 this:0.0101 an:0.0094 -:0.6189 to:0.1363 will:0.0617 and:0.0535 would:0.0278 has:0.0260 have:0.0211 had:0.0200 should:0.0191 we:0.0156 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5293 of:0.1472 in:0.1303 to:0.0727 that:0.0320 for:0.0280 and:0.0266 from:0.0152 on:0.0108 as:0.0079 -:0.8659 the:0.0607 of:0.0153 and:0.0129 a:0.0127 to:0.0095 that:0.0092 in:0.0058 he:0.0041 for:0.0040 -:0.8061 a:0.0718 p:0.0309 and:0.0248 the:0.0173 of:0.0108 was:0.0106 is:0.0106 to:0.0105 or:0.0066 -:0.6031 of:0.2129 and:0.0943 is:0.0191 for:0.0186 at:0.0130 with:0.0109 or:0.0105 the:0.0094 in:0.0082 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -:0.6831 of:0.1383 and:0.0450 in:0.0280 who:0.0234 are:0.0210 to:0.0190 have:0.0151 the:0.0151 were:0.0120 -to:0.8208 :0.0905 will:0.0196 of:0.0177 and:0.0170 would:0.0102 shall:0.0064 may:0.0064 can:0.0058 should:0.0056 -:0.9383 and:0.0253 is:0.0066 was:0.0066 in:0.0059 of:0.0047 all:0.0035 are:0.0032 up:0.0032 as:0.0028 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8682 the:0.0314 no:0.0238 it:0.0150 is:0.0147 a:0.0121 he:0.0095 much:0.0090 all:0.0084 that:0.0079 -:0.7167 or:0.0568 and:0.0497 of:0.0495 for:0.0381 the:0.0294 in:0.0214 with:0.0171 about:0.0127 than:0.0087 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.9018 of:0.0348 and:0.0180 the:0.0138 in:0.0090 that:0.0051 for:0.0050 said:0.0047 as:0.0043 to:0.0036 -:0.7028 in:0.1024 to:0.0529 on:0.0388 at:0.0210 by:0.0190 all:0.0160 for:0.0158 of:0.0157 not:0.0155 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8758 the:0.0317 of:0.0274 and:0.0270 to:0.0090 that:0.0083 a:0.0061 in:0.0054 with:0.0048 or:0.0045 -:0.9710 it:0.0054 men:0.0051 hundred:0.0038 and:0.0038 in:0.0032 up:0.0020 here:0.0019 to:0.0019 or:0.0019 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.7194 the:0.2023 a:0.0202 this:0.0112 tho:0.0101 said:0.0101 his:0.0091 that:0.0065 an:0.0056 all:0.0056 -:0.7335 in:0.0957 on:0.0338 to:0.0329 for:0.0198 all:0.0197 by:0.0173 with:0.0165 at:0.0159 of:0.0148 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.8089 the:0.0479 his:0.0301 in:0.0243 a:0.0234 one:0.0180 her:0.0138 no:0.0123 south:0.0108 north:0.0106 -:0.5446 of:0.1231 in:0.1001 by:0.0654 that:0.0581 for:0.0290 with:0.0230 on:0.0202 from:0.0189 and:0.0178 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.6609 of:0.0819 in:0.0601 for:0.0510 and:0.0483 to:0.0250 with:0.0243 by:0.0168 at:0.0166 that:0.0153 -of:0.4749 :0.2522 for:0.0753 in:0.0550 and:0.0290 to:0.0267 on:0.0256 by:0.0232 is:0.0195 that:0.0186 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8714 and:0.0337 years:0.0187 of:0.0169 or:0.0147 the:0.0129 feet:0.0099 days:0.0087 miles:0.0067 to:0.0065 -:0.6211 of:0.1796 the:0.0861 and:0.0253 to:0.0216 in:0.0180 on:0.0163 for:0.0134 said:0.0107 tho:0.0080 -:0.5758 to:0.2536 will:0.0613 and:0.0288 would:0.0234 of:0.0219 that:0.0118 can:0.0092 should:0.0070 may:0.0070 -:0.7314 of:0.0756 to:0.0452 for:0.0431 and:0.0283 the:0.0195 or:0.0178 in:0.0162 that:0.0120 who:0.0108 -in:0.2552 on:0.1174 to:0.1117 :0.3408 from:0.0381 of:0.0348 by:0.0323 for:0.0264 into:0.0234 at:0.0199 -:0.9369 and:0.0153 away:0.0123 or:0.0058 miles:0.0056 feet:0.0055 years:0.0054 of:0.0047 down:0.0044 them:0.0043 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.7039 a:0.0830 the:0.0630 is:0.0463 and:0.0365 was:0.0195 of:0.0150 be:0.0111 in:0.0110 are:0.0107 -:0.7738 had:0.0483 have:0.0414 are:0.0348 has:0.0256 was:0.0255 is:0.0182 were:0.0147 will:0.0120 would:0.0057 -:0.7500 and:0.0745 is:0.0496 as:0.0351 was:0.0218 that:0.0174 it:0.0164 are:0.0140 have:0.0114 but:0.0099 -:0.7409 and:0.0586 was:0.0556 be:0.0302 is:0.0292 the:0.0235 has:0.0169 are:0.0152 of:0.0150 he:0.0149 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5194 of:0.2932 and:0.0774 the:0.0334 in:0.0189 as:0.0128 was:0.0123 for:0.0115 is:0.0108 will:0.0104 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.8559 made:0.0274 held:0.0228 paid:0.0195 placed:0.0163 found:0.0136 used:0.0117 put:0.0110 done:0.0110 taken:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8420 it:0.0390 is:0.0337 such:0.0311 time:0.0163 he:0.0122 so:0.0068 she:0.0067 they:0.0062 there:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8333 and:0.0408 the:0.0291 in:0.0165 a:0.0164 are:0.0159 was:0.0141 of:0.0140 or:0.0108 is:0.0090 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7264 the:0.0940 and:0.0435 of:0.0295 or:0.0217 in:0.0197 a:0.0193 no:0.0186 to:0.0180 any:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -of:0.3992 :0.3201 the:0.1092 to:0.0498 and:0.0345 in:0.0257 by:0.0226 for:0.0197 from:0.0099 their:0.0093 -:0.9563 and:0.0121 of:0.0072 to:0.0068 the:0.0051 that:0.0029 or:0.0029 county:0.0023 it:0.0022 men:0.0022 -:0.9253 out:0.0257 deal:0.0075 part:0.0071 days:0.0062 favor:0.0059 use:0.0057 consist:0.0056 instead:0.0056 side:0.0053 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9328 said:0.0145 first:0.0109 most:0.0078 next:0.0075 same:0.0071 following:0.0066 last:0.0050 th:0.0043 present:0.0037 -the:0.3187 :0.3519 this:0.0773 any:0.0731 a:0.0427 his:0.0363 every:0.0347 tho:0.0236 our:0.0216 their:0.0201 -:0.5616 of:0.1451 the:0.0962 and:0.0766 a:0.0307 is:0.0296 as:0.0217 was:0.0134 are:0.0131 his:0.0121 -the:0.3564 a:0.2086 :0.3068 his:0.0533 its:0.0161 their:0.0160 said:0.0145 tho:0.0137 our:0.0076 this:0.0070 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8739 he:0.0313 country:0.0183 city:0.0175 time:0.0133 act:0.0131 be:0.0089 bill:0.0086 county:0.0079 matter:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6712 of:0.1629 and:0.0410 in:0.0317 that:0.0218 for:0.0212 with:0.0184 to:0.0146 on:0.0108 is:0.0064 -:0.8483 was:0.0328 and:0.0230 is:0.0191 the:0.0184 of:0.0168 are:0.0108 to:0.0105 be:0.0102 in:0.0101 -:0.9527 and:0.0126 days:0.0064 men:0.0054 interest:0.0044 oclock:0.0039 for:0.0038 that:0.0037 or:0.0036 him:0.0034 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9657 and:0.0103 young:0.0040 a:0.0031 days:0.0030 of:0.0030 the:0.0030 years:0.0028 county:0.0027 or:0.0024 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.7887 and:0.0823 of:0.0342 in:0.0238 that:0.0157 the:0.0149 was:0.0110 to:0.0104 is:0.0100 or:0.0089 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8484 to:0.0359 the:0.0341 a:0.0216 of:0.0132 and:0.0131 it:0.0107 years:0.0090 in:0.0078 been:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5390 to:0.2098 of:0.0906 and:0.0624 in:0.0247 with:0.0182 by:0.0146 the:0.0140 or:0.0138 for:0.0128 -:0.8252 and:0.0649 of:0.0310 or:0.0173 to:0.0155 the:0.0153 in:0.0087 is:0.0081 with:0.0071 was:0.0070 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8403 the:0.0562 and:0.0364 of:0.0265 to:0.0091 in:0.0087 a:0.0080 his:0.0068 or:0.0040 that:0.0040 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -:0.8621 a:0.0259 the:0.0241 of:0.0182 in:0.0141 he:0.0136 that:0.0134 and:0.0130 it:0.0088 as:0.0069 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7458 and:0.0624 to:0.0372 the:0.0299 in:0.0298 of:0.0252 is:0.0206 was:0.0194 by:0.0163 with:0.0134 -:0.9006 use:0.0199 think:0.0139 one:0.0129 corner:0.0117 be:0.0107 dispose:0.0085 support:0.0083 act:0.0070 form:0.0065 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8348 be:0.0681 not:0.0317 to:0.0252 do:0.0079 have:0.0075 take:0.0069 only:0.0064 that:0.0059 find:0.0056 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7993 was:0.0472 and:0.0304 is:0.0248 he:0.0242 be:0.0229 are:0.0222 were:0.0119 who:0.0086 to:0.0084 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9185 same:0.0143 most:0.0142 said:0.0115 whole:0.0106 last:0.0078 great:0.0069 first:0.0062 public:0.0053 other:0.0048 -:0.6167 the:0.2700 a:0.0265 his:0.0201 tho:0.0178 this:0.0104 their:0.0103 our:0.0101 these:0.0091 said:0.0090 -:0.9630 same:0.0073 most:0.0050 public:0.0040 first:0.0037 last:0.0037 best:0.0035 present:0.0035 past:0.0032 people:0.0031 -:0.8995 and:0.0209 it:0.0165 them:0.0119 him:0.0114 was:0.0093 up:0.0086 that:0.0085 or:0.0068 you:0.0066 -:0.8698 able:0.0330 not:0.0192 going:0.0137 made:0.0126 ready:0.0120 unable:0.0103 sent:0.0102 due:0.0097 compelled:0.0097 -:0.9331 and:0.0254 days:0.0103 or:0.0054 but:0.0049 way:0.0044 feet:0.0043 months:0.0043 out:0.0040 years:0.0038 -:0.9134 that:0.0190 and:0.0179 it:0.0119 men:0.0078 them:0.0074 him:0.0074 up:0.0065 us:0.0044 interest:0.0043 -:0.6803 to:0.1395 a:0.0475 only:0.0430 be:0.0287 in:0.0200 been:0.0194 the:0.0081 one:0.0077 and:0.0058 -:0.6607 of:0.1103 and:0.0621 the:0.0485 in:0.0261 to:0.0260 that:0.0217 or:0.0171 is:0.0158 which:0.0118 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9375 it:0.0273 and:0.0057 there:0.0054 he:0.0050 him:0.0042 you:0.0041 is:0.0038 that:0.0038 in:0.0033 -:0.6391 the:0.1696 a:0.1144 and:0.0244 of:0.0197 his:0.0087 tho:0.0086 this:0.0064 their:0.0048 in:0.0044 -:0.5942 his:0.1209 their:0.1093 our:0.0362 her:0.0283 the:0.0261 its:0.0248 my:0.0236 and:0.0199 of:0.0168 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8728 is:0.0283 time:0.0248 in:0.0146 to:0.0135 way:0.0106 morning:0.0105 place:0.0086 of:0.0084 was:0.0078 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8756 and:0.0360 the:0.0205 to:0.0150 it:0.0126 will:0.0104 would:0.0089 or:0.0074 we:0.0067 he:0.0067 -:0.7887 and:0.0823 of:0.0342 in:0.0238 that:0.0157 the:0.0149 was:0.0110 to:0.0104 is:0.0100 or:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7333 the:0.1438 a:0.0376 it:0.0180 his:0.0124 that:0.0117 tho:0.0114 by:0.0108 this:0.0108 to:0.0103 -to:0.8373 :0.1062 will:0.0129 the:0.0112 would:0.0099 a:0.0089 and:0.0042 can:0.0039 may:0.0028 not:0.0028 -:0.8101 be:0.0485 the:0.0421 no:0.0224 much:0.0190 a:0.0133 have:0.0129 and:0.0112 any:0.0108 or:0.0098 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6117 to:0.1560 of:0.0965 and:0.0429 in:0.0289 the:0.0182 for:0.0127 that:0.0127 from:0.0106 as:0.0099 -:0.7959 and:0.1064 to:0.0257 but:0.0154 are:0.0145 was:0.0099 for:0.0097 were:0.0079 is:0.0078 down:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8813 and:0.0246 not:0.0209 so:0.0165 is:0.0148 but:0.0102 that:0.0096 as:0.0079 it:0.0074 was:0.0067 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8456 and:0.0456 to:0.0451 that:0.0175 will:0.0099 not:0.0096 which:0.0089 of:0.0069 can:0.0055 would:0.0055 -:0.8397 and:0.0418 the:0.0256 of:0.0255 in:0.0145 was:0.0137 is:0.0104 at:0.0100 are:0.0098 or:0.0089 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -to:0.2375 will:0.2267 :0.2621 shall:0.0661 would:0.0561 should:0.0489 and:0.0266 must:0.0262 may:0.0261 can:0.0238 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -of:0.6080 :0.2502 in:0.0378 to:0.0219 that:0.0163 at:0.0148 for:0.0148 and:0.0140 on:0.0138 as:0.0084 -:0.7981 of:0.0685 and:0.0447 to:0.0237 the:0.0167 or:0.0142 in:0.0117 with:0.0085 was:0.0073 is:0.0065 -:0.7461 the:0.0701 his:0.0459 of:0.0390 in:0.0260 and:0.0189 a:0.0157 my:0.0146 their:0.0129 to:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -of:0.6540 in:0.0731 :0.1393 to:0.0344 for:0.0271 on:0.0187 and:0.0174 from:0.0146 ot:0.0119 with:0.0095 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9445 way:0.0138 feet:0.0079 right:0.0064 free:0.0060 land:0.0045 return:0.0045 miles:0.0044 years:0.0041 hands:0.0040 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -of:0.4932 :0.2995 in:0.0869 the:0.0358 and:0.0270 for:0.0165 to:0.0124 that:0.0121 a:0.0094 on:0.0072 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.8293 that:0.0649 been:0.0253 as:0.0241 he:0.0107 and:0.0103 had:0.0098 was:0.0089 in:0.0086 is:0.0083 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6615 and:0.0712 was:0.0627 is:0.0404 be:0.0392 are:0.0350 a:0.0304 were:0.0209 the:0.0197 have:0.0190 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9733 hundred:0.0091 in:0.0036 and:0.0025 years:0.0023 wife:0.0020 long:0.0020 hand:0.0018 home:0.0018 men:0.0017 -:0.8102 of:0.0471 to:0.0456 will:0.0184 was:0.0155 and:0.0149 a:0.0138 in:0.0120 or:0.0115 the:0.0110 -the:0.2846 :0.5517 be:0.0409 his:0.0249 tho:0.0206 their:0.0187 a:0.0172 any:0.0167 have:0.0134 our:0.0113 -:0.8640 of:0.0541 and:0.0257 to:0.0131 in:0.0128 the:0.0080 or:0.0059 that:0.0058 for:0.0055 as:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3674 :0.3449 and:0.0634 in:0.0574 on:0.0366 to:0.0312 for:0.0305 at:0.0266 by:0.0226 from:0.0195 -:0.9579 and:0.0153 deal:0.0068 of:0.0060 many:0.0033 or:0.0023 way:0.0023 in:0.0022 work:0.0020 action:0.0019 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8175 the:0.0837 a:0.0319 by:0.0116 that:0.0116 and:0.0106 his:0.0097 tho:0.0088 said:0.0075 in:0.0070 -of:0.4579 :0.3326 in:0.0486 to:0.0411 for:0.0363 and:0.0186 from:0.0178 with:0.0173 on:0.0165 that:0.0132 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -to:0.2098 :0.3509 of:0.1145 in:0.0877 and:0.0577 with:0.0466 for:0.0408 on:0.0407 from:0.0256 by:0.0255 -:0.8330 of:0.0730 and:0.0227 in:0.0194 on:0.0146 for:0.0104 that:0.0083 to:0.0076 or:0.0056 hand:0.0055 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8366 and:0.0460 it:0.0314 as:0.0239 that:0.0195 but:0.0103 him:0.0102 to:0.0082 for:0.0070 was:0.0069 -:0.7803 in:0.0704 with:0.0254 to:0.0220 on:0.0189 of:0.0188 from:0.0172 by:0.0162 for:0.0161 upon:0.0147 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6453 has:0.0814 have:0.0618 is:0.0470 and:0.0448 was:0.0370 had:0.0339 be:0.0187 are:0.0166 as:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7007 of:0.1056 and:0.0652 in:0.0319 to:0.0260 the:0.0227 that:0.0205 or:0.0103 for:0.0088 which:0.0082 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.7569 large:0.0495 great:0.0447 little:0.0327 small:0.0235 a:0.0228 good:0.0208 very:0.0201 certain:0.0189 general:0.0101 -:0.7158 was:0.0519 is:0.0483 do:0.0380 did:0.0365 would:0.0255 and:0.0249 will:0.0224 are:0.0198 if:0.0169 -:0.6325 are:0.0792 to:0.0787 and:0.0704 in:0.0356 can:0.0283 have:0.0277 will:0.0275 know:0.0107 were:0.0093 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9621 the:0.0097 and:0.0048 was:0.0047 an:0.0043 of:0.0036 a:0.0032 will:0.0028 is:0.0024 would:0.0023 -:0.7598 of:0.0576 to:0.0413 and:0.0319 in:0.0296 that:0.0277 for:0.0179 by:0.0127 the:0.0113 a:0.0102 -:0.8926 hour:0.0532 act:0.0110 opportunity:0.0097 order:0.0076 old:0.0059 action:0.0055 effort:0.0052 increase:0.0047 inch:0.0046 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.7831 it:0.0503 a:0.0361 the:0.0266 them:0.0230 he:0.0220 him:0.0172 you:0.0160 and:0.0132 they:0.0125 -:0.5581 of:0.1524 and:0.1013 in:0.0575 to:0.0456 for:0.0255 by:0.0181 with:0.0150 the:0.0147 on:0.0119 -far:0.2855 :0.4042 long:0.0890 much:0.0851 well:0.0612 soon:0.0360 many:0.0125 that:0.0118 just:0.0082 fast:0.0064 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -:0.8728 is:0.0283 time:0.0248 in:0.0146 to:0.0135 way:0.0106 morning:0.0105 place:0.0086 of:0.0084 was:0.0078 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3151 :0.4411 to:0.0747 in:0.0526 as:0.0378 for:0.0206 on:0.0156 that:0.0156 from:0.0139 and:0.0130 -:0.8633 and:0.0839 in:0.0146 was:0.0069 is:0.0058 are:0.0055 for:0.0054 to:0.0052 or:0.0051 be:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.3840 that:0.2306 it:0.2049 he:0.1000 which:0.0246 she:0.0189 and:0.0170 there:0.0109 ho:0.0048 what:0.0044 -:0.7998 and:0.0491 of:0.0399 to:0.0359 in:0.0212 for:0.0142 the:0.0115 that:0.0104 at:0.0095 is:0.0085 -:0.6235 or:0.1263 and:0.0558 of:0.0481 not:0.0420 is:0.0246 was:0.0246 the:0.0238 in:0.0178 be:0.0134 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9342 fact:0.0126 said:0.0118 time:0.0105 case:0.0065 as:0.0054 world:0.0048 course:0.0048 same:0.0047 court:0.0047 -:0.8281 much:0.0528 as:0.0390 far:0.0219 well:0.0133 long:0.0114 hard:0.0102 that:0.0089 back:0.0081 difficult:0.0062 -:0.6259 the:0.1295 a:0.1249 of:0.0473 in:0.0168 with:0.0151 and:0.0146 this:0.0089 for:0.0085 as:0.0084 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.7187 it:0.1031 they:0.0501 he:0.0436 which:0.0202 we:0.0178 there:0.0163 that:0.0120 you:0.0102 she:0.0080 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.6756 those:0.1876 men:0.0688 all:0.0179 persons:0.0126 one:0.0118 people:0.0088 others:0.0067 the:0.0051 man:0.0051 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6014 be:0.1727 have:0.0798 he:0.0680 which:0.0229 it:0.0145 do:0.0135 lie:0.0124 bo:0.0089 ho:0.0060 -:0.4115 they:0.1374 he:0.1294 we:0.1180 it:0.0820 you:0.0438 she:0.0334 there:0.0236 ho:0.0106 one:0.0101 -:0.6016 in:0.0777 for:0.0707 of:0.0574 by:0.0552 with:0.0358 to:0.0290 as:0.0251 up:0.0243 and:0.0232 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.7173 of:0.1589 and:0.0369 to:0.0306 by:0.0112 from:0.0108 feet:0.0101 the:0.0082 with:0.0081 or:0.0080 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8488 hour:0.0489 act:0.0189 increase:0.0175 amount:0.0157 order:0.0127 action:0.0122 example:0.0091 average:0.0083 explanation:0.0081 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.7748 reason:0.0685 deal:0.0436 and:0.0293 time:0.0239 as:0.0147 thing:0.0134 is:0.0114 way:0.0105 cause:0.0099 -:0.6507 the:0.1238 a:0.0490 and:0.0482 his:0.0437 in:0.0290 to:0.0222 that:0.0126 so:0.0108 their:0.0100 -:0.8299 years:0.0368 of:0.0307 hundred:0.0216 or:0.0198 days:0.0138 weeks:0.0131 and:0.0130 months:0.0124 hours:0.0089 -:0.9138 only:0.0148 same:0.0145 first:0.0136 said:0.0097 last:0.0088 most:0.0071 present:0.0068 th:0.0055 best:0.0054 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -to:0.4285 :0.4466 the:0.0263 that:0.0191 in:0.0177 and:0.0172 of:0.0163 a:0.0105 he:0.0092 on:0.0085 -:0.6843 a:0.0819 the:0.0675 of:0.0482 and:0.0426 is:0.0237 in:0.0226 with:0.0098 at:0.0097 or:0.0096 -:0.8276 which:0.0428 who:0.0337 it:0.0275 and:0.0161 you:0.0148 we:0.0137 he:0.0087 thereof:0.0078 there:0.0072 -:0.6177 of:0.1163 the:0.0898 a:0.0730 and:0.0386 with:0.0223 in:0.0157 is:0.0110 his:0.0085 or:0.0072 -:0.5669 of:0.2081 and:0.0916 that:0.0326 the:0.0262 in:0.0244 to:0.0157 which:0.0142 or:0.0107 as:0.0095 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5399 as:0.2368 is:0.0629 and:0.0407 was:0.0390 so:0.0192 the:0.0179 are:0.0163 be:0.0138 a:0.0135 -:0.8595 and:0.0461 is:0.0173 was:0.0172 who:0.0162 are:0.0127 or:0.0095 were:0.0091 man:0.0069 as:0.0056 -:0.7273 the:0.1761 a:0.0498 tho:0.0085 it:0.0079 this:0.0075 an:0.0063 their:0.0058 tbe:0.0058 that:0.0051 -:0.8805 and:0.0305 in:0.0188 to:0.0171 as:0.0133 of:0.0130 for:0.0073 on:0.0070 a:0.0069 the:0.0056 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8728 is:0.0283 time:0.0248 in:0.0146 to:0.0135 way:0.0106 morning:0.0105 place:0.0086 of:0.0084 was:0.0078 -:0.7550 he:0.0621 and:0.0449 who:0.0390 she:0.0319 we:0.0189 they:0.0182 which:0.0124 it:0.0097 that:0.0079 -:0.8692 same:0.0360 first:0.0206 most:0.0132 best:0.0120 past:0.0105 last:0.0104 great:0.0101 whole:0.0100 present:0.0081 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8450 failed:0.0297 come:0.0231 made:0.0203 been:0.0185 able:0.0158 tried:0.0131 gone:0.0128 endeavored:0.0116 not:0.0100 -:0.6858 order:0.1073 regard:0.1041 addition:0.0368 relation:0.0182 reference:0.0155 said:0.0103 time:0.0083 them:0.0074 which:0.0065 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6585 will:0.0547 and:0.0545 would:0.0518 to:0.0450 we:0.0445 who:0.0285 should:0.0244 they:0.0202 must:0.0180 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.6058 go:0.0961 the:0.0791 be:0.0451 come:0.0446 get:0.0416 him:0.0274 his:0.0252 her:0.0212 them:0.0139 -:0.5870 and:0.1169 has:0.0692 will:0.0580 should:0.0324 would:0.0299 are:0.0292 to:0.0281 have:0.0261 is:0.0233 -of:0.4808 :0.3727 in:0.0448 to:0.0332 and:0.0161 ot:0.0116 that:0.0114 for:0.0111 on:0.0111 at:0.0070 -:0.9168 been:0.0301 made:0.0095 fallen:0.0079 taken:0.0067 not:0.0064 gone:0.0062 left:0.0059 it:0.0054 done:0.0052 -:0.6477 is:0.0742 and:0.0666 was:0.0544 that:0.0513 it:0.0291 as:0.0212 in:0.0202 of:0.0180 are:0.0173 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8299 years:0.0368 of:0.0307 hundred:0.0216 or:0.0198 days:0.0138 weeks:0.0131 and:0.0130 months:0.0124 hours:0.0089 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.8141 two:0.0344 not:0.0284 the:0.0264 no:0.0218 three:0.0198 ten:0.0197 a:0.0157 five:0.0103 sixty:0.0093 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.7472 the:0.1538 a:0.0223 his:0.0138 by:0.0135 in:0.0119 two:0.0100 their:0.0100 all:0.0088 her:0.0087 -:0.9402 order:0.0124 the:0.0085 hand:0.0071 all:0.0068 favor:0.0061 time:0.0055 this:0.0055 mind:0.0040 it:0.0040 -:0.8872 and:0.0242 of:0.0168 the:0.0166 that:0.0125 it:0.0122 to:0.0095 a:0.0078 is:0.0074 which:0.0058 -:0.9740 and:0.0056 in:0.0046 or:0.0026 to:0.0026 it:0.0025 hundred:0.0023 men:0.0020 of:0.0020 for:0.0017 -:0.8848 and:0.0399 is:0.0199 was:0.0134 are:0.0121 were:0.0086 or:0.0063 be:0.0058 of:0.0048 that:0.0045 -:0.7756 in:0.0435 and:0.0362 to:0.0347 from:0.0247 that:0.0228 with:0.0172 on:0.0167 for:0.0157 by:0.0130 -:0.9270 and:0.0184 of:0.0125 the:0.0101 more:0.0100 to:0.0061 in:0.0047 as:0.0043 or:0.0041 that:0.0027 -:0.8977 and:0.0348 he:0.0106 is:0.0095 was:0.0092 of:0.0091 the:0.0082 to:0.0080 a:0.0064 in:0.0064 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.5255 to:0.2539 we:0.0486 they:0.0384 it:0.0329 not:0.0228 he:0.0204 and:0.0203 the:0.0202 will:0.0170 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6754 and:0.0952 of:0.0623 to:0.0509 the:0.0245 in:0.0233 that:0.0221 with:0.0190 by:0.0153 for:0.0121 -:0.5838 to:0.1070 and:0.0884 has:0.0612 have:0.0397 will:0.0366 had:0.0303 would:0.0269 could:0.0134 should:0.0129 -the:0.3958 :0.5043 a:0.0281 his:0.0178 tho:0.0165 this:0.0123 their:0.0076 an:0.0063 and:0.0059 tbe:0.0055 -in:0.2042 :0.3730 that:0.1091 to:0.1091 on:0.0554 for:0.0393 by:0.0369 at:0.0349 from:0.0197 with:0.0184 -:0.7681 much:0.0528 that:0.0519 the:0.0331 far:0.0212 many:0.0200 as:0.0149 a:0.0134 to:0.0124 long:0.0123 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5399 is:0.1893 was:0.0753 a:0.0512 the:0.0367 as:0.0269 with:0.0221 in:0.0207 has:0.0197 and:0.0182 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.6460 in:0.1224 of:0.0905 the:0.0765 and:0.0192 a:0.0150 by:0.0084 was:0.0083 is:0.0072 are:0.0065 -:0.9040 order:0.0202 this:0.0139 the:0.0133 all:0.0099 it:0.0096 which:0.0086 time:0.0078 one:0.0064 favor:0.0062 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.8624 and:0.0411 of:0.0341 day:0.0157 to:0.0140 time:0.0134 year:0.0061 or:0.0055 the:0.0039 line:0.0038 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.6700 last:0.1122 the:0.1027 and:0.0282 at:0.0217 that:0.0192 a:0.0163 of:0.0163 or:0.0067 in:0.0066 -:0.6659 men:0.1178 man:0.0864 woman:0.0331 people:0.0278 those:0.0242 persons:0.0210 and:0.0106 gentleman:0.0070 person:0.0062 -:0.8978 him:0.0221 it:0.0214 them:0.0160 us:0.0105 that:0.0073 the:0.0067 and:0.0064 me:0.0064 her:0.0054 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6308 of:0.1209 to:0.1152 and:0.0508 in:0.0268 on:0.0139 for:0.0120 or:0.0110 the:0.0094 that:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -be:0.7615 have:0.0863 bo:0.0436 :0.0707 not:0.0134 he:0.0111 hereby:0.0045 lie:0.0032 never:0.0028 been:0.0028 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6596 to:0.1079 the:0.0652 a:0.0573 in:0.0299 and:0.0219 that:0.0205 for:0.0143 of:0.0123 by:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5443 to:0.1794 in:0.0896 for:0.0374 of:0.0327 by:0.0295 from:0.0240 and:0.0229 that:0.0222 at:0.0181 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8461 to:0.0258 was:0.0246 and:0.0242 is:0.0176 are:0.0172 were:0.0140 for:0.0109 of:0.0104 or:0.0093 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -the:0.0171 at:0.0151 :0.9040 a:0.0136 for:0.0099 by:0.0099 his:0.0083 to:0.0079 of:0.0077 be:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.7684 two:0.0369 three:0.0368 for:0.0350 of:0.0347 and:0.0191 many:0.0182 several:0.0180 four:0.0170 twenty:0.0160 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4791 been:0.1931 the:0.1289 a:0.0789 no:0.0412 not:0.0210 his:0.0210 said:0.0129 their:0.0129 any:0.0110 -:0.9495 of:0.0190 that:0.0055 and:0.0051 who:0.0040 in:0.0040 years:0.0037 they:0.0032 days:0.0031 we:0.0030 -:0.9013 said:0.0256 same:0.0154 first:0.0115 present:0.0101 past:0.0086 following:0.0075 public:0.0070 whole:0.0069 of:0.0061 -:0.6193 to:0.1905 and:0.0341 that:0.0318 for:0.0303 of:0.0288 the:0.0206 in:0.0195 as:0.0129 by:0.0121 -:0.9347 candidate:0.0113 vote:0.0082 time:0.0079 man:0.0075 point:0.0069 year:0.0064 chance:0.0061 little:0.0058 day:0.0052 -:0.9605 and:0.0061 in:0.0055 to:0.0047 up:0.0046 time:0.0042 city:0.0038 it:0.0037 home:0.0035 year:0.0034 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9210 part:0.0156 one:0.0146 out:0.0101 day:0.0085 side:0.0076 line:0.0065 and:0.0055 portion:0.0053 number:0.0053 -not:0.6528 :0.2319 be:0.0481 have:0.0140 never:0.0119 to:0.0118 bo:0.0116 we:0.0062 he:0.0059 hardly:0.0057 -:0.6522 of:0.0971 to:0.0624 and:0.0624 the:0.0335 that:0.0281 in:0.0251 for:0.0149 or:0.0126 with:0.0117 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7781 he:0.0715 it:0.0326 we:0.0258 they:0.0204 and:0.0194 there:0.0159 was:0.0135 is:0.0130 be:0.0098 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.7636 and:0.0599 to:0.0463 was:0.0296 of:0.0252 is:0.0251 in:0.0147 the:0.0142 are:0.0113 a:0.0101 -:0.8227 night:0.0492 year:0.0471 week:0.0237 of:0.0209 and:0.0107 two:0.0071 a:0.0068 time:0.0061 evening:0.0056 -:0.9509 same:0.0124 most:0.0081 first:0.0071 above:0.0053 people:0.0050 other:0.0035 best:0.0028 time:0.0025 great:0.0025 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7297 be:0.1093 have:0.0560 in:0.0254 find:0.0146 get:0.0145 make:0.0145 take:0.0131 see:0.0120 give:0.0109 -the:0.5373 :0.3232 a:0.0664 tho:0.0182 of:0.0176 his:0.0108 in:0.0075 tbe:0.0066 their:0.0064 an:0.0059 -:0.5285 the:0.2889 this:0.0713 a:0.0310 said:0.0209 and:0.0171 that:0.0146 tho:0.0112 of:0.0083 to:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8667 it:0.0591 and:0.0249 there:0.0168 he:0.0134 which:0.0067 she:0.0037 that:0.0036 but:0.0027 as:0.0025 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.8157 about:0.0429 in:0.0309 for:0.0265 the:0.0185 at:0.0162 with:0.0133 on:0.0131 all:0.0129 made:0.0101 -:0.8538 been:0.0440 not:0.0309 no:0.0144 made:0.0115 to:0.0112 a:0.0104 seen:0.0095 done:0.0072 the:0.0071 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.8644 and:0.0263 to:0.0173 be:0.0142 as:0.0140 of:0.0140 in:0.0139 for:0.0133 the:0.0124 is:0.0101 -the:0.4222 :0.3913 this:0.0677 tho:0.0274 our:0.0172 an:0.0169 they:0.0159 their:0.0147 a:0.0142 he:0.0124 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.5689 of:0.2298 the:0.0456 and:0.0438 in:0.0376 to:0.0249 for:0.0136 that:0.0124 a:0.0120 or:0.0114 -:0.9642 same:0.0063 city:0.0054 world:0.0041 right:0.0037 time:0.0036 day:0.0036 ground:0.0031 country:0.0030 state:0.0030 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -the:0.5948 this:0.0878 :0.1743 a:0.0382 his:0.0288 tho:0.0202 their:0.0149 our:0.0148 its:0.0133 every:0.0128 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8848 of:0.0304 and:0.0209 the:0.0203 that:0.0136 to:0.0083 as:0.0063 for:0.0056 a:0.0050 in:0.0047 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -the:0.4106 :0.4138 a:0.0635 be:0.0311 tho:0.0173 his:0.0166 tbe:0.0160 this:0.0158 our:0.0078 its:0.0076 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6183 the:0.1299 a:0.0984 it:0.0525 him:0.0195 this:0.0192 an:0.0190 them:0.0159 her:0.0145 their:0.0127 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6529 south:0.1155 north:0.1154 other:0.0446 west:0.0218 east:0.0210 most:0.0087 public:0.0072 right:0.0068 whole:0.0061 -been:0.2644 :0.5095 be:0.0962 was:0.0313 had:0.0298 a:0.0232 he:0.0126 already:0.0113 so:0.0111 is:0.0108 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8223 and:0.0753 of:0.0203 was:0.0168 is:0.0130 the:0.0129 to:0.0114 in:0.0102 a:0.0089 has:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8368 made:0.0313 been:0.0287 that:0.0202 seen:0.0199 to:0.0156 heard:0.0145 done:0.0130 found:0.0108 put:0.0091 -the:0.2893 :0.5509 of:0.0361 and:0.0328 a:0.0310 tho:0.0178 in:0.0128 to:0.0125 by:0.0087 this:0.0080 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7612 the:0.0874 and:0.0441 a:0.0282 of:0.0278 that:0.0137 to:0.0118 in:0.0106 or:0.0079 this:0.0073 -:0.5776 and:0.0937 in:0.0841 of:0.0684 to:0.0487 at:0.0343 for:0.0318 is:0.0220 by:0.0199 with:0.0195 -:0.7000 of:0.0826 and:0.0823 the:0.0780 in:0.0130 his:0.0109 for:0.0100 by:0.0088 or:0.0072 a:0.0071 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -of:0.3255 :0.4698 the:0.0820 for:0.0339 in:0.0267 and:0.0220 a:0.0148 on:0.0098 or:0.0077 to:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7993 and:0.0429 he:0.0393 the:0.0385 was:0.0198 be:0.0170 is:0.0132 of:0.0106 we:0.0101 have:0.0094 -:0.9427 most:0.0118 same:0.0095 first:0.0072 best:0.0056 new:0.0052 said:0.0050 public:0.0044 and:0.0043 th:0.0042 -:0.9181 and:0.0130 came:0.0116 made:0.0107 put:0.0105 set:0.0079 it:0.0078 went:0.0075 took:0.0072 got:0.0057 -:0.8238 day:0.0475 year:0.0254 time:0.0249 and:0.0227 morning:0.0146 to:0.0145 of:0.0114 be:0.0082 week:0.0068 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.7136 it:0.0590 he:0.0463 that:0.0379 which:0.0367 and:0.0320 there:0.0226 who:0.0191 they:0.0191 we:0.0136 -:0.6983 and:0.0900 is:0.0753 was:0.0391 of:0.0297 the:0.0171 are:0.0152 be:0.0135 as:0.0121 in:0.0097 -:0.7457 of:0.0545 and:0.0543 the:0.0339 is:0.0319 for:0.0237 was:0.0186 or:0.0140 in:0.0123 are:0.0111 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8068 the:0.1119 a:0.0156 said:0.0118 his:0.0109 her:0.0097 this:0.0095 our:0.0084 tho:0.0082 them:0.0072 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4187 :0.4395 of:0.0497 a:0.0340 tho:0.0169 and:0.0128 his:0.0078 in:0.0078 this:0.0067 that:0.0061 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6915 the:0.1129 a:0.0435 to:0.0423 their:0.0303 and:0.0251 of:0.0216 his:0.0122 an:0.0112 tho:0.0092 -:0.7705 of:0.0790 and:0.0442 the:0.0228 in:0.0224 to:0.0190 that:0.0150 on:0.0102 by:0.0091 a:0.0076 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5835 a:0.2192 the:0.0699 and:0.0322 of:0.0242 very:0.0199 is:0.0168 was:0.0125 as:0.0109 with:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.8299 years:0.0368 of:0.0307 hundred:0.0216 or:0.0198 days:0.0138 weeks:0.0131 and:0.0130 months:0.0124 hours:0.0089 -:0.9387 other:0.0117 same:0.0095 said:0.0084 public:0.0082 various:0.0052 whole:0.0047 old:0.0047 best:0.0046 general:0.0042 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -the:0.3629 :0.4259 his:0.0580 our:0.0308 their:0.0256 a:0.0251 its:0.0211 tho:0.0185 be:0.0176 tbe:0.0146 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7832 make:0.0546 take:0.0371 get:0.0262 see:0.0200 keep:0.0184 give:0.0180 be:0.0159 do:0.0136 prevent:0.0130 -:0.9681 country:0.0051 time:0.0047 city:0.0047 world:0.0034 right:0.0032 people:0.0029 year:0.0027 way:0.0026 money:0.0025 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7234 the:0.1530 of:0.0427 a:0.0276 and:0.0145 in:0.0105 tho:0.0096 his:0.0070 this:0.0069 for:0.0047 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -the:0.4011 :0.3982 his:0.0792 a:0.0362 tho:0.0221 our:0.0166 her:0.0126 this:0.0119 their:0.0116 its:0.0105 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9335 two:0.0175 more:0.0123 one:0.0084 three:0.0070 other:0.0062 it:0.0052 all:0.0038 four:0.0035 that:0.0026 -:0.4164 will:0.2084 to:0.1032 may:0.0612 shall:0.0576 should:0.0414 can:0.0322 time:0.0308 must:0.0253 would:0.0235 -:0.7043 the:0.1170 of:0.0711 and:0.0278 at:0.0231 a:0.0192 other:0.0126 or:0.0102 years:0.0074 are:0.0074 -:0.7399 know:0.0950 believe:0.0362 so:0.0286 say:0.0249 think:0.0241 see:0.0152 be:0.0149 feel:0.0124 understand:0.0089 -:0.6377 in:0.0948 of:0.0559 and:0.0559 to:0.0424 for:0.0302 by:0.0293 with:0.0205 at:0.0170 as:0.0162 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.7156 the:0.1325 a:0.0461 that:0.0189 any:0.0180 he:0.0167 to:0.0149 one:0.0148 it:0.0116 all:0.0108 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7796 and:0.1244 men:0.0215 of:0.0143 man:0.0143 those:0.0123 people:0.0098 but:0.0091 is:0.0074 all:0.0073 -:0.8879 of:0.0482 and:0.0247 in:0.0097 or:0.0069 to:0.0064 the:0.0054 on:0.0037 from:0.0036 are:0.0035 -:0.8243 be:0.0388 make:0.0289 have:0.0231 do:0.0198 take:0.0171 see:0.0136 pay:0.0120 get:0.0117 the:0.0106 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -has:0.2537 :0.3347 have:0.1902 had:0.1567 having:0.0239 not:0.0125 lias:0.0110 bad:0.0065 ha:0.0056 havo:0.0052 -:0.5679 well:0.1940 soon:0.0910 far:0.0445 much:0.0308 it:0.0261 long:0.0157 fast:0.0109 just:0.0107 possible:0.0084 -:0.8625 him:0.0345 them:0.0248 it:0.0207 that:0.0144 and:0.0115 us:0.0099 up:0.0096 me:0.0079 a:0.0043 -:0.9499 same:0.0076 city:0.0073 people:0.0067 world:0.0055 interest:0.0053 country:0.0049 court:0.0043 office:0.0042 time:0.0042 -:0.8972 it:0.0215 at:0.0207 the:0.0129 and:0.0117 a:0.0108 he:0.0073 that:0.0063 for:0.0059 in:0.0057 -:0.8725 and:0.0448 is:0.0170 was:0.0146 or:0.0107 are:0.0105 do:0.0096 in:0.0075 has:0.0066 but:0.0062 -:0.7895 the:0.0810 and:0.0340 a:0.0318 of:0.0246 his:0.0121 or:0.0072 in:0.0072 to:0.0069 that:0.0057 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -of:0.1362 :0.4436 in:0.1349 and:0.0665 for:0.0498 to:0.0454 on:0.0454 with:0.0366 from:0.0242 at:0.0173 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8121 and:0.0737 to:0.0277 of:0.0264 that:0.0121 the:0.0120 in:0.0114 for:0.0099 which:0.0077 or:0.0070 -:0.7807 to:0.0617 in:0.0414 been:0.0390 made:0.0183 on:0.0162 by:0.0129 seen:0.0113 for:0.0107 passed:0.0078 -:0.9098 and:0.0324 as:0.0165 more:0.0081 that:0.0067 of:0.0066 but:0.0063 thereof:0.0050 action:0.0043 it:0.0042 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6336 to:0.1653 we:0.0560 they:0.0501 will:0.0331 would:0.0179 can:0.0137 and:0.0125 you:0.0091 could:0.0087 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.6520 of:0.1817 and:0.0467 in:0.0268 to:0.0267 the:0.0175 as:0.0156 or:0.0122 on:0.0111 from:0.0096 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.7792 the:0.0911 an:0.0289 and:0.0227 to:0.0191 a:0.0147 so:0.0140 not:0.0123 be:0.0096 very:0.0085 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.6521 is:0.1509 the:0.0610 was:0.0555 any:0.0204 a:0.0172 no:0.0155 he:0.0114 has:0.0084 every:0.0075 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.7753 and:0.0559 or:0.0353 is:0.0339 of:0.0272 the:0.0213 no:0.0144 was:0.0135 a:0.0128 are:0.0105 -the:0.3404 this:0.1502 :0.2963 a:0.0519 any:0.0353 some:0.0325 every:0.0269 that:0.0256 their:0.0221 which:0.0188 -:0.7394 of:0.0775 to:0.0447 in:0.0441 and:0.0220 time:0.0183 on:0.0164 for:0.0142 at:0.0119 day:0.0117 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7699 of:0.0745 the:0.0434 and:0.0411 in:0.0195 to:0.0176 that:0.0100 or:0.0094 for:0.0077 by:0.0068 -:0.6170 which:0.1527 that:0.0849 whom:0.0271 what:0.0238 if:0.0237 the:0.0186 as:0.0183 and:0.0178 when:0.0161 -:0.8298 which:0.0334 a:0.0287 said:0.0242 the:0.0239 that:0.0227 this:0.0111 one:0.0090 him:0.0087 all:0.0086 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9498 and:0.0174 of:0.0068 the:0.0067 time:0.0041 day:0.0034 county:0.0033 in:0.0031 or:0.0027 that:0.0026 -:0.8660 and:0.0673 fact:0.0147 but:0.0111 so:0.0082 is:0.0077 day:0.0072 of:0.0063 thing:0.0061 in:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9088 own:0.0391 great:0.0108 hand:0.0074 wife:0.0070 life:0.0070 best:0.0056 old:0.0049 way:0.0049 hands:0.0045 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -so:0.2349 :0.4437 too:0.1158 very:0.0974 as:0.0513 a:0.0253 made:0.0102 seen:0.0078 given:0.0070 found:0.0067 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -the:0.5489 a:0.1145 :0.2389 tho:0.0267 their:0.0205 his:0.0175 an:0.0092 this:0.0084 its:0.0080 any:0.0074 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6585 of:0.1167 in:0.0640 and:0.0384 to:0.0353 for:0.0235 on:0.0181 with:0.0180 by:0.0147 at:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7985 the:0.0607 all:0.0370 a:0.0350 to:0.0151 in:0.0136 and:0.0122 one:0.0104 that:0.0095 any:0.0081 -the:0.2966 :0.4707 said:0.0767 a:0.0438 tho:0.0301 our:0.0214 this:0.0188 his:0.0183 their:0.0133 tbe:0.0101 -:0.7876 of:0.1040 other:0.0280 years:0.0257 and:0.0140 the:0.0122 a:0.0098 men:0.0065 more:0.0065 times:0.0056 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -:0.5358 of:0.1377 with:0.0530 is:0.0503 for:0.0490 as:0.0466 was:0.0345 in:0.0340 to:0.0329 and:0.0262 -:0.5676 not:0.2899 the:0.0660 a:0.0152 it:0.0136 he:0.0135 that:0.0133 you:0.0080 and:0.0068 be:0.0063 -:0.7433 and:0.0572 the:0.0470 in:0.0390 to:0.0337 a:0.0220 that:0.0178 is:0.0136 of:0.0133 for:0.0131 -be:0.1928 :0.4877 not:0.1063 have:0.0673 to:0.0584 bo:0.0318 he:0.0233 never:0.0154 take:0.0090 we:0.0080 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.7534 of:0.1045 and:0.0740 in:0.0137 the:0.0113 are:0.0107 as:0.0095 or:0.0083 is:0.0073 was:0.0073 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8045 we:0.0299 it:0.0269 he:0.0258 you:0.0243 they:0.0223 that:0.0196 and:0.0191 who:0.0149 which:0.0128 -:0.5985 the:0.2036 and:0.0468 a:0.0381 to:0.0324 that:0.0201 by:0.0172 in:0.0171 of:0.0133 his:0.0129 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.7156 the:0.1325 a:0.0461 that:0.0189 any:0.0180 he:0.0167 to:0.0149 one:0.0148 it:0.0116 all:0.0108 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2362 :0.4554 in:0.0874 to:0.0791 on:0.0337 and:0.0289 for:0.0236 that:0.0197 at:0.0184 from:0.0175 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.4680 the:0.1120 a:0.1077 of:0.1062 and:0.0659 that:0.0551 in:0.0327 for:0.0205 or:0.0181 on:0.0137 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.8275 that:0.0701 if:0.0339 as:0.0170 when:0.0131 then:0.0088 which:0.0079 make:0.0076 in:0.0073 let:0.0068 -:0.8550 covered:0.0361 charged:0.0290 filled:0.0249 satisfied:0.0152 met:0.0093 complied:0.0088 acquainted:0.0086 provided:0.0067 not:0.0064 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.9317 and:0.0235 made:0.0070 to:0.0069 it:0.0069 set:0.0065 came:0.0060 in:0.0040 given:0.0038 put:0.0036 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -the:0.5263 :0.2550 a:0.0671 his:0.0543 tho:0.0306 our:0.0146 these:0.0143 its:0.0135 her:0.0133 this:0.0111 -:0.5845 of:0.1677 to:0.0446 and:0.0412 for:0.0373 in:0.0345 with:0.0334 by:0.0318 than:0.0134 on:0.0115 -:0.6512 the:0.2223 a:0.0345 he:0.0216 it:0.0206 that:0.0120 tho:0.0118 this:0.0106 his:0.0081 they:0.0073 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7331 the:0.1436 a:0.0431 and:0.0187 his:0.0134 of:0.0120 this:0.0102 tho:0.0090 in:0.0087 our:0.0083 -:0.6024 be:0.2382 have:0.0348 not:0.0326 he:0.0296 the:0.0252 bo:0.0195 a:0.0073 it:0.0055 do:0.0052 -the:0.4101 :0.4286 a:0.0336 his:0.0310 this:0.0212 their:0.0183 tho:0.0162 an:0.0144 its:0.0140 her:0.0128 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7954 time:0.0366 order:0.0363 way:0.0362 subject:0.0289 respect:0.0167 is:0.0151 city:0.0128 country:0.0115 reason:0.0104 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8951 that:0.0286 all:0.0285 which:0.0155 in:0.0081 the:0.0069 by:0.0053 of:0.0041 on:0.0040 said:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8363 and:0.0589 is:0.0273 was:0.0222 are:0.0124 in:0.0115 be:0.0094 of:0.0079 or:0.0073 were:0.0069 -:0.6656 the:0.1368 a:0.0647 this:0.0271 said:0.0255 his:0.0228 all:0.0158 its:0.0151 their:0.0141 her:0.0124 -:0.7031 the:0.1396 of:0.0437 a:0.0239 and:0.0214 it:0.0204 to:0.0182 that:0.0122 in:0.0095 or:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7783 had:0.0603 has:0.0444 was:0.0387 is:0.0337 saw:0.0104 did:0.0102 said:0.0091 says:0.0082 made:0.0068 -to:0.2716 :0.4601 and:0.0541 for:0.0535 of:0.0431 in:0.0421 that:0.0275 by:0.0222 on:0.0138 from:0.0119 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.5944 and:0.0846 was:0.0723 is:0.0531 of:0.0454 who:0.0376 are:0.0371 were:0.0362 to:0.0232 he:0.0160 -:0.7846 is:0.0416 in:0.0382 and:0.0312 are:0.0240 was:0.0217 that:0.0186 for:0.0152 were:0.0127 so:0.0123 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.8707 of:0.0323 the:0.0309 and:0.0213 that:0.0092 was:0.0078 in:0.0075 as:0.0073 a:0.0065 is:0.0064 -:0.9033 in:0.0340 on:0.0112 of:0.0104 from:0.0104 that:0.0078 and:0.0076 by:0.0051 at:0.0051 with:0.0050 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.7836 and:0.0478 is:0.0394 do:0.0247 but:0.0209 was:0.0192 it:0.0174 him:0.0174 be:0.0154 have:0.0142 -:0.9751 long:0.0055 to:0.0040 an:0.0027 not:0.0026 him:0.0022 or:0.0022 so:0.0019 the:0.0019 well:0.0018 -:0.5985 the:0.2036 and:0.0468 a:0.0381 to:0.0324 that:0.0201 by:0.0172 in:0.0171 of:0.0133 his:0.0129 -:0.6884 and:0.0971 of:0.0771 the:0.0291 in:0.0287 to:0.0236 with:0.0185 that:0.0144 for:0.0143 as:0.0089 -:0.5480 of:0.1377 in:0.1060 and:0.0491 to:0.0434 for:0.0414 on:0.0273 by:0.0203 with:0.0137 at:0.0131 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -the:0.3410 :0.5262 a:0.0532 tho:0.0204 his:0.0142 an:0.0115 their:0.0090 this:0.0086 which:0.0083 its:0.0077 -:0.8242 and:0.0463 of:0.0362 the:0.0186 that:0.0178 as:0.0170 to:0.0128 in:0.0117 from:0.0080 a:0.0073 -it:0.3380 :0.4764 he:0.0663 there:0.0332 which:0.0209 this:0.0169 that:0.0141 what:0.0131 him:0.0114 them:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8744 of:0.0492 and:0.0323 the:0.0143 or:0.0089 that:0.0053 which:0.0048 in:0.0039 to:0.0035 than:0.0035 -:0.6357 of:0.2008 and:0.0558 to:0.0323 in:0.0199 for:0.0145 that:0.0117 or:0.0111 as:0.0099 on:0.0082 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8553 only:0.0241 likely:0.0186 come:0.0170 hesitate:0.0169 go:0.0165 want:0.0147 seem:0.0146 as:0.0120 wish:0.0102 -:0.8198 of:0.0382 and:0.0377 in:0.0274 to:0.0198 the:0.0190 that:0.0119 by:0.0095 with:0.0086 as:0.0080 -:0.7166 the:0.1008 been:0.0785 a:0.0529 to:0.0127 it:0.0089 in:0.0087 that:0.0076 no:0.0069 an:0.0065 -:0.9584 and:0.0113 to:0.0073 in:0.0057 up:0.0038 it:0.0032 for:0.0030 of:0.0030 day:0.0023 on:0.0022 -:0.4912 had:0.1715 was:0.1709 has:0.0735 is:0.0476 would:0.0159 were:0.0103 will:0.0068 are:0.0064 could:0.0060 -cent:0.7436 :0.1937 annum:0.0132 centum:0.0132 than:0.0082 miles:0.0066 dollars:0.0061 acre:0.0056 ton:0.0053 days:0.0046 -:0.7124 be:0.2138 bo:0.0190 the:0.0134 not:0.0087 have:0.0086 he:0.0077 in:0.0062 give:0.0055 and:0.0048 -:0.6057 of:0.1374 the:0.0732 a:0.0592 and:0.0319 in:0.0254 said:0.0230 to:0.0225 for:0.0140 by:0.0077 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.9389 it:0.0172 was:0.0092 and:0.0088 him:0.0056 but:0.0045 you:0.0042 he:0.0040 is:0.0039 out:0.0037 -:0.8806 them:0.0211 it:0.0196 him:0.0184 and:0.0150 to:0.0119 as:0.0118 from:0.0091 up:0.0067 not:0.0058 -:0.9670 time:0.0085 days:0.0047 money:0.0032 wife:0.0031 years:0.0030 day:0.0030 hundred:0.0028 men:0.0026 left:0.0021 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9677 and:0.0077 was:0.0036 oclock:0.0033 he:0.0033 held:0.0032 arrived:0.0031 now:0.0028 it:0.0028 not:0.0026 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.6329 to:0.1356 the:0.0614 and:0.0438 in:0.0327 of:0.0267 a:0.0234 by:0.0179 with:0.0150 for:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9153 chance:0.0124 desire:0.0119 little:0.0098 time:0.0097 visit:0.0092 right:0.0091 letter:0.0083 bill:0.0079 fair:0.0063 -the:0.3918 :0.3984 a:0.0595 any:0.0365 his:0.0253 this:0.0236 tho:0.0211 least:0.0161 all:0.0141 their:0.0136 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.6082 is:0.1632 the:0.0576 was:0.0394 he:0.0280 be:0.0252 are:0.0242 it:0.0214 a:0.0200 they:0.0129 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7988 be:0.0585 the:0.0497 a:0.0253 bo:0.0149 have:0.0133 take:0.0109 his:0.0105 her:0.0094 any:0.0086 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.4893 in:0.1601 to:0.0692 on:0.0531 of:0.0419 for:0.0408 by:0.0404 and:0.0400 with:0.0328 at:0.0325 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9383 it:0.0149 all:0.0095 that:0.0081 there:0.0070 then:0.0065 at:0.0051 he:0.0049 after:0.0030 two:0.0028 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7279 and:0.1095 was:0.0552 is:0.0403 are:0.0186 of:0.0133 were:0.0104 or:0.0093 to:0.0085 in:0.0071 -:0.9158 most:0.0151 same:0.0149 highest:0.0118 great:0.0114 public:0.0073 best:0.0064 other:0.0062 first:0.0056 very:0.0055 -:0.7353 and:0.0729 of:0.0674 in:0.0469 to:0.0256 the:0.0150 on:0.0095 at:0.0093 for:0.0090 by:0.0089 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.9727 hundred:0.0056 men:0.0036 it:0.0031 in:0.0029 and:0.0026 home:0.0026 house:0.0024 work:0.0023 up:0.0023 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8204 and:0.0473 is:0.0363 was:0.0208 has:0.0196 are:0.0133 have:0.0118 be:0.0118 had:0.0105 he:0.0082 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5510 in:0.1518 to:0.0611 by:0.0439 from:0.0377 on:0.0366 of:0.0360 if:0.0307 for:0.0273 at:0.0238 -:0.8417 made:0.0378 paid:0.0294 used:0.0255 found:0.0128 given:0.0128 done:0.0118 sold:0.0096 ready:0.0094 required:0.0091 -:0.7868 of:0.0534 the:0.0517 and:0.0379 a:0.0280 in:0.0117 to:0.0092 was:0.0076 is:0.0071 with:0.0066 -:0.5312 the:0.3098 a:0.0847 his:0.0159 tho:0.0156 an:0.0095 this:0.0091 their:0.0090 tbe:0.0077 it:0.0076 -:0.7826 the:0.0884 of:0.0344 and:0.0344 a:0.0179 is:0.0091 this:0.0089 that:0.0084 in:0.0084 tho:0.0074 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8703 and:0.0425 to:0.0211 the:0.0137 was:0.0104 of:0.0095 that:0.0093 is:0.0082 will:0.0081 not:0.0069 -it:0.3594 :0.5010 there:0.0420 which:0.0221 he:0.0218 what:0.0164 that:0.0125 this:0.0088 and:0.0085 who:0.0077 -:0.9439 time:0.0124 day:0.0066 if:0.0064 word:0.0063 year:0.0052 point:0.0051 moment:0.0048 man:0.0047 matter:0.0046 -:0.7839 the:0.0734 a:0.0408 in:0.0256 it:0.0163 to:0.0145 that:0.0134 and:0.0131 an:0.0099 this:0.0092 -:0.9718 above:0.0046 time:0.0036 same:0.0035 and:0.0033 city:0.0030 world:0.0028 people:0.0027 house:0.0026 law:0.0022 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.7608 the:0.1282 be:0.0256 take:0.0161 his:0.0160 tho:0.0137 a:0.0119 do:0.0105 our:0.0090 her:0.0081 -:0.7818 the:0.0613 a:0.0552 to:0.0257 in:0.0210 be:0.0187 that:0.0106 an:0.0091 and:0.0084 by:0.0082 -:0.6756 it:0.0789 they:0.0556 he:0.0489 we:0.0405 there:0.0345 that:0.0221 she:0.0157 you:0.0152 which:0.0129 -:0.8062 in:0.0578 of:0.0246 made:0.0237 on:0.0220 found:0.0154 for:0.0151 to:0.0138 at:0.0123 that:0.0091 -:0.7723 to:0.0524 of:0.0481 in:0.0287 the:0.0258 and:0.0226 that:0.0166 was:0.0141 for:0.0107 or:0.0087 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7544 of:0.0605 in:0.0413 and:0.0397 the:0.0332 that:0.0166 by:0.0166 for:0.0148 with:0.0128 on:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4682 is:0.1559 and:0.1230 has:0.0619 was:0.0608 are:0.0335 were:0.0281 but:0.0277 or:0.0259 that:0.0151 -:0.5371 to:0.1193 in:0.0702 for:0.0513 on:0.0502 of:0.0501 by:0.0441 from:0.0335 at:0.0276 and:0.0166 -:0.7058 the:0.1024 a:0.0868 in:0.0276 of:0.0271 and:0.0116 is:0.0107 this:0.0105 to:0.0096 no:0.0079 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.7142 which:0.0705 and:0.0655 it:0.0346 they:0.0232 there:0.0226 that:0.0195 he:0.0187 we:0.0176 who:0.0136 -:0.7515 the:0.1518 a:0.0520 that:0.0074 an:0.0073 by:0.0065 any:0.0060 all:0.0060 this:0.0058 in:0.0057 -:0.7288 have:0.0652 had:0.0446 that:0.0335 be:0.0324 and:0.0229 is:0.0199 was:0.0179 has:0.0177 in:0.0170 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3351 any:0.2083 :0.2673 each:0.0554 some:0.0356 many:0.0346 all:0.0244 no:0.0154 a:0.0147 such:0.0091 -:0.7439 to:0.0810 in:0.0398 is:0.0384 for:0.0199 it:0.0182 if:0.0177 such:0.0159 was:0.0145 that:0.0107 -:0.8281 much:0.0528 as:0.0390 far:0.0219 well:0.0133 long:0.0114 hard:0.0102 that:0.0089 back:0.0081 difficult:0.0062 -:0.8225 and:0.0364 he:0.0298 was:0.0199 be:0.0188 the:0.0184 is:0.0165 we:0.0133 have:0.0123 has:0.0121 -per:0.4383 :0.4056 a:0.0745 the:0.0377 to:0.0140 of:0.0089 and:0.0068 his:0.0061 nper:0.0043 one:0.0037 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -the:0.3410 a:0.1837 :0.3800 his:0.0264 tho:0.0182 their:0.0133 an:0.0118 tbe:0.0092 any:0.0089 our:0.0076 -:0.8450 failed:0.0297 come:0.0231 made:0.0203 been:0.0185 able:0.0158 tried:0.0131 gone:0.0128 endeavored:0.0116 not:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5689 the:0.3430 and:0.0198 of:0.0164 a:0.0123 this:0.0099 no:0.0090 tho:0.0083 any:0.0064 his:0.0061 -:0.8959 as:0.0286 the:0.0196 and:0.0147 a:0.0105 that:0.0098 it:0.0060 so:0.0058 by:0.0046 is:0.0044 -:0.9663 the:0.0062 said:0.0056 that:0.0042 and:0.0035 not:0.0032 this:0.0031 it:0.0028 of:0.0027 you:0.0025 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.3492 :0.5402 a:0.0297 tho:0.0147 this:0.0144 his:0.0125 tbe:0.0111 their:0.0099 her:0.0096 an:0.0087 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.5514 in:0.1981 the:0.1288 of:0.0361 and:0.0252 a:0.0244 an:0.0094 to:0.0093 on:0.0087 this:0.0087 -:0.8678 a:0.0443 the:0.0228 to:0.0182 in:0.0126 it:0.0088 an:0.0074 one:0.0066 and:0.0061 that:0.0053 -:0.8656 the:0.0435 a:0.0294 and:0.0164 in:0.0094 of:0.0090 to:0.0089 as:0.0068 at:0.0058 on:0.0052 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.7229 the:0.0906 of:0.0391 and:0.0303 in:0.0271 to:0.0228 it:0.0188 for:0.0164 a:0.0161 by:0.0158 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -the:0.2928 :0.4032 a:0.1328 this:0.0387 his:0.0301 our:0.0226 any:0.0219 tho:0.0203 their:0.0200 tbe:0.0177 -a:0.2887 :0.4156 the:0.1769 and:0.0418 is:0.0191 was:0.0131 at:0.0129 that:0.0129 his:0.0103 in:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6858 order:0.1073 regard:0.1041 addition:0.0368 relation:0.0182 reference:0.0155 said:0.0103 time:0.0083 them:0.0074 which:0.0065 -:0.9264 part:0.0170 one:0.0158 out:0.0129 because:0.0057 line:0.0051 side:0.0046 many:0.0044 day:0.0042 cost:0.0039 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -to:0.5219 :0.2741 will:0.0560 may:0.0385 a:0.0287 would:0.0271 it:0.0156 they:0.0149 well:0.0117 could:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7864 the:0.0922 his:0.0258 we:0.0193 he:0.0193 they:0.0155 to:0.0107 all:0.0107 that:0.0103 in:0.0099 -:0.6755 to:0.1614 we:0.0302 will:0.0301 and:0.0300 they:0.0202 can:0.0182 would:0.0157 could:0.0097 who:0.0090 -:0.7870 and:0.0629 of:0.0594 the:0.0192 to:0.0175 is:0.0136 a:0.0132 in:0.0094 that:0.0090 for:0.0089 -:0.8548 in:0.0316 the:0.0296 and:0.0174 a:0.0148 to:0.0136 that:0.0115 for:0.0098 on:0.0086 be:0.0083 -:0.6575 the:0.1695 a:0.0549 and:0.0310 of:0.0202 this:0.0170 was:0.0154 his:0.0149 to:0.0100 in:0.0096 -:0.7522 and:0.1204 is:0.0349 was:0.0265 but:0.0154 are:0.0146 or:0.0107 has:0.0093 were:0.0083 we:0.0078 -:0.9216 as:0.0146 is:0.0100 it:0.0089 him:0.0086 them:0.0078 have:0.0075 according:0.0073 regard:0.0071 are:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5996 of:0.1117 in:0.0612 to:0.0506 for:0.0494 and:0.0449 on:0.0288 at:0.0197 with:0.0179 by:0.0161 -the:0.3252 :0.5772 tho:0.0273 a:0.0173 an:0.0117 his:0.0113 said:0.0111 their:0.0069 this:0.0063 tbe:0.0056 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -of:0.3790 in:0.0940 :0.3160 on:0.0418 to:0.0402 for:0.0397 with:0.0271 and:0.0214 that:0.0207 from:0.0202 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -impossible:0.0053 true:0.0043 believed:0.0039 composed:0.0036 found:0.0035 evident:0.0031 doing:0.0031 concerned:0.0030 hoped:0.0029 born:0.0029 -:0.8025 and:0.0456 that:0.0391 but:0.0254 of:0.0232 which:0.0214 for:0.0139 to:0.0107 in:0.0101 as:0.0080 -:0.4994 was:0.1329 be:0.0820 has:0.0653 had:0.0601 is:0.0484 have:0.0483 were:0.0235 are:0.0220 and:0.0181 -:0.9545 it:0.0064 out:0.0062 up:0.0058 him:0.0056 years:0.0050 them:0.0047 to:0.0042 feet:0.0041 away:0.0034 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.5620 the:0.2367 a:0.0761 of:0.0313 and:0.0268 his:0.0184 an:0.0168 tho:0.0112 their:0.0107 in:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7539 of:0.0612 the:0.0464 and:0.0406 in:0.0337 is:0.0161 was:0.0161 a:0.0128 for:0.0096 or:0.0095 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -to:0.2659 :0.4356 a:0.1055 the:0.0838 in:0.0424 for:0.0175 that:0.0152 by:0.0146 of:0.0098 his:0.0097 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7890 time:0.1279 day:0.0205 and:0.0203 of:0.0117 to:0.0099 way:0.0062 the:0.0051 in:0.0050 year:0.0044 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -of:0.4751 :0.2675 in:0.0729 for:0.0512 to:0.0502 and:0.0239 that:0.0202 with:0.0173 by:0.0114 on:0.0104 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6565 the:0.1476 a:0.0843 to:0.0306 that:0.0215 in:0.0163 it:0.0135 and:0.0101 this:0.0100 her:0.0096 -:0.6113 been:0.1500 not:0.1094 never:0.0292 a:0.0230 the:0.0166 no:0.0163 they:0.0157 to:0.0155 he:0.0130 -:0.8640 of:0.0495 and:0.0236 to:0.0141 in:0.0125 is:0.0079 or:0.0077 for:0.0075 that:0.0066 the:0.0066 -:0.5985 the:0.2036 and:0.0468 a:0.0381 to:0.0324 that:0.0201 by:0.0172 in:0.0171 of:0.0133 his:0.0129 -:0.7107 and:0.0716 of:0.0710 or:0.0323 was:0.0303 in:0.0190 is:0.0166 to:0.0165 for:0.0165 are:0.0154 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.8928 and:0.0238 be:0.0137 he:0.0136 was:0.0118 it:0.0110 is:0.0099 we:0.0080 not:0.0079 are:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4131 :0.4677 and:0.0542 in:0.0146 the:0.0135 to:0.0113 for:0.0075 or:0.0067 from:0.0059 at:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7921 the:0.0429 and:0.0409 of:0.0395 in:0.0203 that:0.0202 a:0.0179 to:0.0094 with:0.0087 by:0.0082 -:0.8376 it:0.0567 and:0.0293 that:0.0218 who:0.0186 which:0.0106 he:0.0101 there:0.0071 as:0.0051 but:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.7334 and:0.0742 of:0.0508 the:0.0346 or:0.0218 with:0.0204 to:0.0188 a:0.0184 in:0.0156 that:0.0119 -:0.7985 the:0.0607 all:0.0370 a:0.0350 to:0.0151 in:0.0136 and:0.0122 one:0.0104 that:0.0095 any:0.0081 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -to:0.0459 who:0.0248 which:0.0175 :0.8576 and:0.0124 men:0.0102 whom:0.0094 must:0.0086 should:0.0071 would:0.0066 -:0.6660 the:0.1251 of:0.0616 to:0.0424 and:0.0232 in:0.0212 his:0.0208 a:0.0173 tho:0.0113 by:0.0112 -to:0.4801 :0.3229 of:0.0769 and:0.0434 will:0.0289 would:0.0158 we:0.0087 for:0.0081 shall:0.0077 in:0.0075 -:0.7861 of:0.0714 and:0.0387 in:0.0261 that:0.0193 to:0.0175 the:0.0171 a:0.0083 is:0.0078 as:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3885 to:0.1532 :0.2850 in:0.0439 for:0.0301 and:0.0275 all:0.0267 that:0.0181 from:0.0154 with:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -had:0.1814 have:0.1522 has:0.1465 was:0.0959 are:0.0952 :0.1980 were:0.0562 is:0.0394 be:0.0242 been:0.0110 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.6708 is:0.0940 was:0.0736 are:0.0561 were:0.0336 and:0.0215 the:0.0150 to:0.0139 in:0.0108 a:0.0108 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8520 the:0.0705 her:0.0148 his:0.0107 it:0.0099 such:0.0088 a:0.0088 which:0.0086 their:0.0084 this:0.0074 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9468 same:0.0137 law:0.0060 city:0.0059 matter:0.0050 country:0.0050 world:0.0049 time:0.0045 county:0.0042 interest:0.0040 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9383 one:0.0112 part:0.0100 side:0.0097 out:0.0062 place:0.0052 line:0.0051 kind:0.0049 day:0.0048 amount:0.0046 -:0.8292 in:0.0298 by:0.0284 as:0.0263 with:0.0199 to:0.0166 not:0.0135 of:0.0132 for:0.0129 even:0.0101 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -be:0.6775 bo:0.0829 :0.1725 have:0.0321 not:0.0124 he:0.0081 take:0.0049 lie:0.0043 make:0.0028 get:0.0025 -:0.5808 in:0.1258 that:0.0851 of:0.0507 by:0.0382 to:0.0301 at:0.0259 and:0.0237 for:0.0212 as:0.0184 -:0.8176 and:0.0439 to:0.0436 the:0.0323 of:0.0227 an:0.0090 in:0.0089 for:0.0083 with:0.0070 is:0.0066 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -in:0.1791 of:0.1592 :0.3387 to:0.0766 by:0.0702 for:0.0554 that:0.0407 on:0.0374 from:0.0239 at:0.0188 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5926 and:0.1232 that:0.0769 but:0.0595 as:0.0385 which:0.0293 of:0.0283 where:0.0199 with:0.0197 to:0.0121 -:0.7459 the:0.0802 of:0.0463 and:0.0432 that:0.0215 to:0.0211 a:0.0139 as:0.0098 which:0.0095 this:0.0087 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6235 the:0.1461 of:0.0642 a:0.0438 in:0.0401 by:0.0221 this:0.0190 and:0.0158 to:0.0150 their:0.0105 -:0.6654 the:0.2283 a:0.0270 this:0.0161 said:0.0159 tho:0.0153 his:0.0092 our:0.0083 tbe:0.0075 their:0.0070 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8653 way:0.0324 time:0.0192 notice:0.0177 place:0.0169 city:0.0139 subject:0.0103 country:0.0083 act:0.0082 morning:0.0078 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.7852 taken:0.0325 come:0.0324 gone:0.0296 been:0.0291 brought:0.0262 put:0.0177 passed:0.0171 made:0.0157 heard:0.0145 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7466 the:0.1144 and:0.0498 to:0.0152 this:0.0150 a:0.0141 of:0.0121 that:0.0118 which:0.0115 in:0.0096 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7045 and:0.0890 of:0.0799 in:0.0278 to:0.0261 that:0.0233 the:0.0178 is:0.0124 or:0.0100 for:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9033 and:0.0419 as:0.0109 of:0.0108 to:0.0086 number:0.0069 in:0.0048 the:0.0047 line:0.0043 time:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7488 make:0.0707 be:0.0305 take:0.0300 have:0.0248 do:0.0246 give:0.0223 see:0.0171 the:0.0158 prevent:0.0153 -:0.7640 the:0.0532 and:0.0441 of:0.0418 to:0.0301 will:0.0202 was:0.0177 would:0.0124 is:0.0084 in:0.0081 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.4962 and:0.1296 that:0.0845 but:0.0642 if:0.0501 when:0.0488 as:0.0463 where:0.0296 which:0.0285 will:0.0222 -of:0.2642 :0.4030 in:0.1206 on:0.0459 to:0.0409 by:0.0272 from:0.0266 at:0.0253 for:0.0246 and:0.0215 -:0.8763 made:0.0326 given:0.0180 held:0.0129 done:0.0122 followed:0.0118 taken:0.0104 caused:0.0091 not:0.0085 appointed:0.0084 -not:0.2459 :0.6032 been:0.0578 never:0.0214 ever:0.0177 as:0.0134 it:0.0120 always:0.0098 and:0.0096 so:0.0093 -:0.9027 years:0.0201 and:0.0178 of:0.0161 the:0.0127 days:0.0079 or:0.0073 a:0.0053 in:0.0050 that:0.0050 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.7264 of:0.0608 and:0.0532 who:0.0433 in:0.0271 to:0.0271 the:0.0169 is:0.0157 that:0.0149 was:0.0146 -:0.7460 and:0.0672 which:0.0575 it:0.0390 that:0.0246 who:0.0211 he:0.0151 they:0.0107 as:0.0101 there:0.0087 -:0.7879 the:0.0347 to:0.0333 have:0.0272 are:0.0266 will:0.0260 and:0.0253 a:0.0164 that:0.0124 in:0.0102 -:0.9580 people:0.0084 law:0.0054 matter:0.0044 work:0.0043 same:0.0042 world:0.0040 men:0.0039 government:0.0037 country:0.0036 -:0.9332 hour:0.0171 average:0.0083 inch:0.0080 to:0.0073 any:0.0059 additional:0.0056 open:0.0052 a:0.0047 iron:0.0047 -:0.5971 of:0.1519 the:0.0730 and:0.0502 to:0.0342 that:0.0234 for:0.0219 a:0.0206 in:0.0168 by:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7067 it:0.1076 he:0.0743 there:0.0429 she:0.0239 that:0.0111 which:0.0109 ho:0.0092 who:0.0076 then:0.0059 -:0.5712 of:0.2681 and:0.0648 the:0.0217 to:0.0156 for:0.0151 that:0.0150 in:0.0112 with:0.0087 is:0.0086 -of:0.1357 :0.4999 in:0.0714 to:0.0686 for:0.0452 on:0.0433 from:0.0399 by:0.0395 at:0.0357 and:0.0208 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4126 a:0.1850 to:0.1206 the:0.1110 his:0.0479 an:0.0413 and:0.0322 in:0.0208 their:0.0168 her:0.0118 -:0.7502 the:0.0978 of:0.0470 a:0.0334 his:0.0212 and:0.0182 no:0.0094 he:0.0083 tho:0.0076 in:0.0068 -:0.6013 of:0.1072 the:0.0939 a:0.0447 by:0.0370 for:0.0355 and:0.0272 in:0.0244 as:0.0154 with:0.0133 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.6512 be:0.1239 say:0.0502 find:0.0383 see:0.0299 show:0.0253 know:0.0247 not:0.0208 learn:0.0193 prove:0.0163 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8793 the:0.0336 and:0.0221 to:0.0130 in:0.0109 of:0.0109 a:0.0087 he:0.0084 for:0.0069 as:0.0064 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8280 it:0.0453 went:0.0234 came:0.0204 time:0.0184 is:0.0184 the:0.0146 are:0.0107 come:0.0107 was:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6277 of:0.1410 and:0.0776 to:0.0411 for:0.0260 in:0.0255 the:0.0224 on:0.0137 as:0.0125 which:0.0125 -:0.7767 and:0.0494 was:0.0371 he:0.0301 is:0.0285 are:0.0223 have:0.0190 be:0.0150 had:0.0116 has:0.0104 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9493 it:0.0128 connected:0.0060 met:0.0055 then:0.0050 charged:0.0046 covered:0.0044 provided:0.0043 compared:0.0041 filled:0.0040 -:0.9496 and:0.0145 of:0.0104 or:0.0044 day:0.0042 men:0.0039 man:0.0034 the:0.0033 other:0.0032 county:0.0031 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -the:0.3088 :0.5782 her:0.0248 his:0.0197 be:0.0176 a:0.0114 him:0.0109 tho:0.0108 this:0.0102 our:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9306 county:0.0156 order:0.0105 it:0.0084 city:0.0071 bonds:0.0067 petition:0.0063 that:0.0051 land:0.0049 court:0.0048 -:0.7654 and:0.0512 was:0.0370 is:0.0336 he:0.0276 have:0.0182 had:0.0176 are:0.0175 be:0.0174 has:0.0145 -:0.6698 in:0.1174 of:0.0570 for:0.0344 at:0.0285 to:0.0278 on:0.0245 from:0.0169 by:0.0129 and:0.0108 -:0.8207 and:0.0723 is:0.0305 was:0.0258 has:0.0121 be:0.0090 are:0.0087 to:0.0075 were:0.0069 had:0.0065 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7103 to:0.1545 and:0.0312 in:0.0259 the:0.0196 by:0.0190 for:0.0119 of:0.0108 that:0.0093 his:0.0075 -:0.6252 be:0.1646 the:0.1071 he:0.0197 his:0.0179 bo:0.0157 their:0.0147 a:0.0137 its:0.0113 tho:0.0100 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.4821 to:0.1059 by:0.1051 for:0.0764 in:0.0601 the:0.0441 of:0.0365 that:0.0330 at:0.0296 and:0.0272 -:0.9470 and:0.0096 two:0.0090 more:0.0072 one:0.0064 him:0.0049 out:0.0046 up:0.0041 to:0.0037 on:0.0036 -:0.8507 and:0.0609 to:0.0163 him:0.0131 but:0.0130 down:0.0107 up:0.0106 them:0.0095 out:0.0077 in:0.0074 -of:0.6176 :0.2835 and:0.0348 in:0.0155 to:0.0142 ot:0.0091 the:0.0086 that:0.0057 with:0.0055 from:0.0054 -:0.8142 the:0.0425 a:0.0383 and:0.0237 in:0.0220 of:0.0201 to:0.0159 by:0.0083 on:0.0075 from:0.0075 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7151 years:0.0690 months:0.0487 days:0.0402 hundred:0.0270 or:0.0229 of:0.0227 weeks:0.0203 and:0.0173 times:0.0167 -:0.7042 the:0.1430 a:0.0522 to:0.0197 it:0.0157 that:0.0152 an:0.0149 his:0.0129 any:0.0119 in:0.0103 -:0.6652 it:0.1704 there:0.0669 he:0.0340 that:0.0222 which:0.0122 what:0.0092 she:0.0079 then:0.0061 who:0.0059 -:0.7376 men:0.0954 those:0.0826 man:0.0223 one:0.0133 people:0.0121 persons:0.0102 all:0.0101 friends:0.0083 and:0.0081 -:0.6383 they:0.1074 we:0.0954 that:0.0335 there:0.0275 and:0.0257 which:0.0241 who:0.0229 you:0.0139 it:0.0114 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6656 is:0.1315 and:0.0631 are:0.0546 was:0.0305 were:0.0142 has:0.0109 have:0.0102 as:0.0100 but:0.0094 -of:0.2563 :0.4230 in:0.0587 and:0.0587 as:0.0454 with:0.0398 for:0.0333 was:0.0317 is:0.0268 that:0.0264 -:0.7672 and:0.0595 of:0.0531 to:0.0299 in:0.0197 is:0.0190 for:0.0187 with:0.0128 at:0.0108 from:0.0092 -:0.6224 the:0.1446 that:0.0688 it:0.0519 a:0.0491 in:0.0141 to:0.0141 his:0.0139 him:0.0111 this:0.0100 -:0.9151 went:0.0231 and:0.0114 it:0.0093 him:0.0088 out:0.0077 came:0.0075 go:0.0060 up:0.0059 them:0.0053 -:0.9141 life:0.0164 mind:0.0125 wife:0.0121 friends:0.0104 heart:0.0079 hand:0.0076 head:0.0066 father:0.0063 duty:0.0062 -:0.9499 same:0.0076 city:0.0073 people:0.0067 world:0.0055 interest:0.0053 country:0.0049 court:0.0043 office:0.0042 time:0.0042 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -in:0.1823 :0.4028 to:0.1031 by:0.0759 from:0.0756 on:0.0505 for:0.0320 at:0.0311 as:0.0253 into:0.0215 -:0.4750 of:0.2235 to:0.1371 and:0.0596 in:0.0207 for:0.0183 as:0.0179 that:0.0167 the:0.0159 is:0.0151 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7103 the:0.0548 and:0.0540 of:0.0470 an:0.0300 in:0.0273 to:0.0231 a:0.0188 is:0.0181 was:0.0166 -:0.9201 part:0.0194 one:0.0136 amount:0.0119 sale:0.0070 number:0.0061 office:0.0058 end:0.0057 action:0.0053 side:0.0051 -:0.9034 and:0.0444 to:0.0100 of:0.0094 in:0.0090 the:0.0065 or:0.0053 for:0.0049 that:0.0038 with:0.0033 -:0.6923 the:0.0954 a:0.0674 and:0.0370 of:0.0336 an:0.0217 to:0.0179 or:0.0137 in:0.0129 not:0.0080 -:0.5610 of:0.1794 the:0.0759 in:0.0597 he:0.0237 and:0.0235 is:0.0223 by:0.0184 to:0.0182 on:0.0179 -:0.8489 was:0.0468 is:0.0242 had:0.0194 would:0.0145 will:0.0117 saw:0.0101 has:0.0088 said:0.0080 did:0.0077 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5185 the:0.3072 his:0.0546 a:0.0221 our:0.0201 tho:0.0185 their:0.0166 its:0.0148 her:0.0147 this:0.0130 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.9285 out:0.0149 one:0.0148 that:0.0109 line:0.0069 part:0.0059 any:0.0054 all:0.0050 men:0.0038 feet:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6849 the:0.1293 and:0.0481 of:0.0443 to:0.0356 a:0.0155 an:0.0140 for:0.0110 in:0.0101 tho:0.0070 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -the:0.5205 :0.2573 this:0.0685 a:0.0474 tho:0.0259 our:0.0226 said:0.0210 his:0.0139 their:0.0135 tbe:0.0094 -:0.7921 the:0.0429 and:0.0409 of:0.0395 in:0.0203 that:0.0202 a:0.0179 to:0.0094 with:0.0087 by:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7405 not:0.0657 the:0.0555 is:0.0359 and:0.0351 was:0.0252 of:0.0135 that:0.0101 had:0.0098 has:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8555 old:0.0450 a:0.0172 additional:0.0163 annual:0.0131 average:0.0128 the:0.0125 excellent:0.0097 hour:0.0093 important:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5331 the:0.2497 a:0.1267 to:0.0282 and:0.0179 of:0.0122 his:0.0092 tho:0.0090 this:0.0071 in:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.7188 to:0.1124 will:0.0481 and:0.0418 the:0.0197 would:0.0168 can:0.0151 could:0.0109 may:0.0090 is:0.0073 -:0.8965 and:0.0365 to:0.0103 as:0.0099 of:0.0095 is:0.0082 in:0.0080 at:0.0079 for:0.0071 but:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.8386 of:0.0492 and:0.0365 that:0.0151 to:0.0146 in:0.0139 the:0.0108 are:0.0089 a:0.0065 for:0.0058 -:0.8316 so:0.0291 said:0.0207 believed:0.0190 true:0.0185 not:0.0177 now:0.0172 understood:0.0163 evident:0.0159 sure:0.0141 -:0.7480 to:0.0696 of:0.0520 and:0.0416 in:0.0345 the:0.0138 for:0.0111 on:0.0106 is:0.0094 with:0.0093 -:0.5285 the:0.2889 this:0.0713 a:0.0310 said:0.0209 and:0.0171 that:0.0146 tho:0.0112 of:0.0083 to:0.0082 -:0.8963 of:0.0337 and:0.0214 the:0.0128 that:0.0089 he:0.0072 in:0.0066 or:0.0053 with:0.0042 as:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9185 side:0.0189 line:0.0152 part:0.0131 number:0.0082 amount:0.0057 day:0.0055 office:0.0052 portion:0.0049 matter:0.0048 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.5877 of:0.1742 to:0.1192 and:0.0606 in:0.0150 for:0.0115 the:0.0093 that:0.0088 or:0.0074 with:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7762 and:0.0463 is:0.0353 to:0.0314 was:0.0281 the:0.0226 be:0.0195 he:0.0148 are:0.0132 of:0.0126 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9424 one:0.0168 out:0.0099 day:0.0060 part:0.0056 or:0.0050 and:0.0050 some:0.0032 that:0.0031 men:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8165 was:0.0464 had:0.0414 has:0.0195 is:0.0178 the:0.0159 of:0.0128 would:0.0109 will:0.0104 in:0.0084 -:0.7763 in:0.0437 the:0.0374 and:0.0305 to:0.0274 by:0.0263 as:0.0179 for:0.0149 that:0.0137 of:0.0118 -:0.9270 and:0.0184 of:0.0125 the:0.0101 more:0.0100 to:0.0061 in:0.0047 as:0.0043 or:0.0041 that:0.0027 -:0.6992 be:0.1501 have:0.0350 in:0.0207 make:0.0206 not:0.0203 take:0.0154 with:0.0148 at:0.0129 pay:0.0109 -:0.6489 as:0.1045 the:0.0496 of:0.0437 and:0.0416 a:0.0369 that:0.0217 his:0.0205 in:0.0168 by:0.0156 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8880 the:0.0333 and:0.0182 a:0.0127 of:0.0116 in:0.0099 that:0.0098 to:0.0060 as:0.0058 this:0.0047 -:0.8553 only:0.0241 likely:0.0186 come:0.0170 hesitate:0.0169 go:0.0165 want:0.0147 seem:0.0146 as:0.0120 wish:0.0102 -of:0.4724 :0.4109 and:0.0395 in:0.0165 to:0.0139 the:0.0135 is:0.0112 or:0.0087 for:0.0067 was:0.0067 -:0.7395 that:0.1299 when:0.0257 if:0.0225 which:0.0192 as:0.0162 then:0.0158 all:0.0121 to:0.0103 will:0.0088 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8430 time:0.0624 and:0.0312 as:0.0165 is:0.0104 of:0.0101 day:0.0075 to:0.0075 way:0.0061 in:0.0054 -the:0.6803 :0.2090 his:0.0281 a:0.0184 tho:0.0147 their:0.0139 our:0.0119 its:0.0098 this:0.0091 tbe:0.0048 -:0.8644 of:0.0434 in:0.0223 for:0.0133 and:0.0128 to:0.0119 that:0.0085 on:0.0082 from:0.0078 upon:0.0074 -:0.8299 years:0.0368 of:0.0307 hundred:0.0216 or:0.0198 days:0.0138 weeks:0.0131 and:0.0130 months:0.0124 hours:0.0089 -:0.7074 and:0.0765 to:0.0501 of:0.0461 the:0.0333 a:0.0232 in:0.0202 as:0.0177 for:0.0133 that:0.0122 -:0.9309 great:0.0152 other:0.0094 said:0.0072 same:0.0070 following:0.0067 first:0.0065 best:0.0060 young:0.0059 whole:0.0054 -:0.8548 in:0.0316 the:0.0296 and:0.0174 a:0.0148 to:0.0136 that:0.0115 for:0.0098 on:0.0086 be:0.0083 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8693 much:0.0291 little:0.0290 large:0.0164 good:0.0131 well:0.0113 great:0.0093 and:0.0075 small:0.0075 a:0.0075 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.9151 went:0.0231 and:0.0114 it:0.0093 him:0.0088 out:0.0077 came:0.0075 go:0.0060 up:0.0059 them:0.0053 -:0.8790 and:0.0312 in:0.0193 a:0.0189 the:0.0184 to:0.0098 one:0.0065 at:0.0059 of:0.0056 on:0.0054 -:0.8162 to:0.0551 the:0.0269 of:0.0206 a:0.0200 in:0.0178 it:0.0115 for:0.0114 and:0.0104 that:0.0100 -to:0.2197 :0.4452 will:0.1446 would:0.0566 and:0.0551 may:0.0183 should:0.0166 could:0.0156 can:0.0146 shall:0.0137 -:0.7003 and:0.0782 to:0.0567 is:0.0399 of:0.0253 or:0.0240 are:0.0235 was:0.0194 will:0.0165 as:0.0161 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7708 in:0.0536 and:0.0477 of:0.0355 the:0.0212 with:0.0188 by:0.0176 a:0.0125 to:0.0120 on:0.0103 -per:0.0101 nper:0.0057 the:0.0021 said:0.0014 any:0.0013 fifty:0.0013 his:0.0012 a:0.0012 some:0.0012 thirty:0.0011 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.5518 the:0.1670 a:0.1345 to:0.0450 and:0.0376 of:0.0194 his:0.0169 their:0.0109 tho:0.0090 our:0.0078 -:0.5385 the:0.2822 at:0.0597 and:0.0412 of:0.0171 to:0.0158 a:0.0152 was:0.0132 tho:0.0093 his:0.0079 -:0.9202 most:0.0199 first:0.0108 same:0.0093 best:0.0087 whole:0.0080 right:0.0061 people:0.0059 great:0.0058 said:0.0054 -to:0.2687 :0.4303 and:0.1035 of:0.0566 for:0.0354 that:0.0300 is:0.0243 was:0.0221 in:0.0149 not:0.0143 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7947 and:0.0457 if:0.0324 that:0.0307 of:0.0240 to:0.0196 which:0.0173 as:0.0132 for:0.0114 by:0.0109 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.7987 and:0.0563 they:0.0306 he:0.0274 we:0.0194 which:0.0159 who:0.0154 it:0.0140 that:0.0138 be:0.0085 -:0.7675 not:0.0535 known:0.0408 well:0.0339 just:0.0303 far:0.0169 regarded:0.0165 so:0.0160 soon:0.0131 now:0.0115 -:0.8801 and:0.0213 west:0.0172 of:0.0165 three:0.0147 east:0.0139 five:0.0096 two:0.0092 in:0.0090 the:0.0086 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -we:0.2167 :0.3609 they:0.1765 to:0.0872 you:0.0809 he:0.0369 it:0.0121 not:0.0110 she:0.0109 who:0.0070 -:0.8027 up:0.0498 out:0.0297 and:0.0238 down:0.0229 him:0.0198 it:0.0177 away:0.0129 together:0.0107 them:0.0101 -:0.9660 only:0.0063 time:0.0059 city:0.0044 as:0.0039 case:0.0034 same:0.0028 use:0.0027 matter:0.0023 year:0.0023 -to:0.6069 will:0.0979 :0.1187 shall:0.0364 may:0.0352 should:0.0342 would:0.0227 can:0.0197 must:0.0163 cannot:0.0118 -to:0.4021 :0.3314 in:0.0569 by:0.0422 for:0.0365 from:0.0355 of:0.0327 on:0.0269 that:0.0198 at:0.0161 -:0.7147 is:0.1060 was:0.0458 in:0.0317 of:0.0303 to:0.0247 that:0.0127 on:0.0120 with:0.0116 for:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -by:0.2611 in:0.1346 to:0.1244 :0.2708 that:0.0615 on:0.0445 for:0.0365 from:0.0300 with:0.0188 of:0.0178 -:0.5438 the:0.1101 a:0.1095 last:0.0741 this:0.0499 one:0.0380 every:0.0325 next:0.0231 first:0.0099 each:0.0092 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.6556 of:0.1163 and:0.0789 that:0.0359 in:0.0323 the:0.0268 for:0.0159 to:0.0151 is:0.0129 was:0.0102 -:0.9579 and:0.0153 deal:0.0068 of:0.0060 many:0.0033 or:0.0023 way:0.0023 in:0.0022 work:0.0020 action:0.0019 -:0.6745 a:0.1016 so:0.0576 as:0.0421 the:0.0419 and:0.0241 of:0.0199 is:0.0138 was:0.0130 very:0.0116 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8547 the:0.0357 of:0.0246 a:0.0203 and:0.0194 to:0.0142 that:0.0110 for:0.0092 in:0.0061 at:0.0047 -:0.8070 it:0.0774 which:0.0282 he:0.0222 and:0.0194 there:0.0188 who:0.0124 that:0.0059 she:0.0051 man:0.0038 -the:0.5668 :0.2566 tho:0.0440 his:0.0355 their:0.0205 a:0.0184 an:0.0184 our:0.0147 tbe:0.0132 such:0.0120 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8191 other:0.0649 the:0.0414 one:0.0128 this:0.0123 to:0.0113 and:0.0111 time:0.0093 of:0.0090 more:0.0089 -:0.5816 that:0.2307 and:0.0802 but:0.0274 it:0.0217 him:0.0140 which:0.0134 if:0.0123 when:0.0114 as:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6100 of:0.2061 and:0.0631 as:0.0204 in:0.0191 is:0.0187 to:0.0182 the:0.0152 or:0.0147 was:0.0145 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -of:0.4992 :0.2702 to:0.0604 in:0.0534 and:0.0325 for:0.0286 that:0.0166 on:0.0146 with:0.0135 as:0.0110 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7628 in:0.0552 of:0.0365 to:0.0347 by:0.0341 before:0.0183 from:0.0167 that:0.0150 all:0.0140 with:0.0128 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8862 of:0.0361 and:0.0319 the:0.0154 a:0.0079 with:0.0063 or:0.0049 in:0.0044 to:0.0038 is:0.0030 -the:0.4886 :0.3478 said:0.0473 tho:0.0350 this:0.0233 a:0.0175 our:0.0128 their:0.0106 his:0.0097 such:0.0076 -:0.6793 in:0.1077 of:0.0650 on:0.0293 and:0.0276 for:0.0218 to:0.0204 by:0.0185 at:0.0178 from:0.0125 -to:0.5887 :0.2879 will:0.0304 that:0.0227 not:0.0209 may:0.0142 shall:0.0109 it:0.0101 and:0.0072 would:0.0070 -:0.6168 of:0.2046 and:0.0666 to:0.0399 in:0.0216 or:0.0131 the:0.0103 for:0.0093 that:0.0091 on:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6850 of:0.0640 the:0.0516 that:0.0500 in:0.0361 a:0.0340 and:0.0274 for:0.0178 to:0.0173 it:0.0169 -:0.6590 to:0.1325 of:0.0616 in:0.0387 for:0.0253 told:0.0211 with:0.0165 on:0.0157 and:0.0150 at:0.0147 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8762 and:0.0491 was:0.0113 to:0.0109 is:0.0105 the:0.0094 of:0.0093 it:0.0084 he:0.0079 or:0.0068 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.6308 of:0.1209 to:0.1152 and:0.0508 in:0.0268 on:0.0139 for:0.0120 or:0.0110 the:0.0094 that:0.0091 -:0.9577 own:0.0134 way:0.0063 the:0.0048 other:0.0041 right:0.0028 most:0.0028 city:0.0028 one:0.0027 best:0.0025 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -a:0.2232 :0.5585 the:0.0759 of:0.0371 and:0.0216 with:0.0195 as:0.0179 very:0.0178 so:0.0145 or:0.0139 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7038 and:0.0707 of:0.0657 to:0.0345 in:0.0313 is:0.0223 for:0.0212 with:0.0190 on:0.0181 that:0.0135 -:0.6024 be:0.2382 have:0.0348 not:0.0326 he:0.0296 the:0.0252 bo:0.0195 a:0.0073 it:0.0055 do:0.0052 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.6352 the:0.1362 of:0.0784 in:0.0346 by:0.0331 a:0.0243 and:0.0228 that:0.0131 with:0.0124 for:0.0098 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.7028 to:0.1154 the:0.0508 will:0.0334 and:0.0259 would:0.0193 in:0.0166 a:0.0137 of:0.0134 with:0.0086 -:0.8488 hour:0.0489 act:0.0189 increase:0.0175 amount:0.0157 order:0.0127 action:0.0122 example:0.0091 average:0.0083 explanation:0.0081 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8565 and:0.0461 was:0.0226 is:0.0143 that:0.0135 of:0.0122 or:0.0111 out:0.0082 went:0.0078 but:0.0077 -:0.9857 have:0.0028 the:0.0024 be:0.0021 you:0.0014 is:0.0012 of:0.0011 we:0.0011 th:0.0011 not:0.0011 -of:0.4694 :0.4129 and:0.0458 with:0.0190 the:0.0181 for:0.0092 in:0.0070 ot:0.0069 two:0.0064 to:0.0054 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.7834 of:0.0673 and:0.0464 to:0.0280 in:0.0266 that:0.0104 or:0.0104 was:0.0097 are:0.0095 is:0.0083 -far:0.2855 :0.4042 long:0.0890 much:0.0851 well:0.0612 soon:0.0360 many:0.0125 that:0.0118 just:0.0082 fast:0.0064 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7297 and:0.0694 was:0.0581 of:0.0284 are:0.0251 is:0.0208 had:0.0195 have:0.0174 in:0.0160 has:0.0156 -:0.7881 and:0.0801 or:0.0299 was:0.0237 to:0.0201 is:0.0130 not:0.0120 of:0.0117 that:0.0111 but:0.0104 -:0.6459 to:0.0886 and:0.0687 would:0.0392 we:0.0333 who:0.0300 which:0.0294 will:0.0292 should:0.0186 that:0.0172 -:0.7107 the:0.1663 and:0.0314 of:0.0188 said:0.0174 a:0.0171 tho:0.0111 this:0.0097 is:0.0088 to:0.0087 -:0.8972 and:0.0296 that:0.0198 to:0.0101 up:0.0084 it:0.0079 for:0.0074 him:0.0068 them:0.0064 but:0.0063 -:0.9474 hundred:0.0103 years:0.0090 and:0.0078 or:0.0049 days:0.0046 months:0.0045 men:0.0042 in:0.0038 hours:0.0035 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.7307 the:0.0854 a:0.0432 and:0.0398 of:0.0290 in:0.0230 to:0.0163 by:0.0118 that:0.0105 from:0.0101 -to:0.3097 :0.5218 will:0.0519 and:0.0281 the:0.0257 of:0.0193 would:0.0153 a:0.0104 can:0.0096 should:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -have:0.1695 :0.3715 had:0.1263 are:0.1236 has:0.0587 was:0.0584 were:0.0348 is:0.0330 be:0.0139 been:0.0104 -:0.7461 the:0.0918 and:0.0610 of:0.0255 a:0.0178 was:0.0129 is:0.0129 his:0.0124 be:0.0106 are:0.0090 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8249 the:0.0434 in:0.0272 that:0.0226 for:0.0182 a:0.0143 all:0.0134 about:0.0128 of:0.0117 if:0.0115 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5582 the:0.3077 a:0.0339 of:0.0288 and:0.0170 an:0.0149 tho:0.0141 or:0.0091 our:0.0082 his:0.0080 -the:0.4362 :0.4126 a:0.0577 this:0.0263 his:0.0187 and:0.0144 tho:0.0127 any:0.0079 said:0.0074 of:0.0062 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6626 of:0.1323 and:0.0470 in:0.0407 to:0.0406 the:0.0229 more:0.0167 from:0.0133 as:0.0125 by:0.0114 -:0.8773 the:0.0241 and:0.0193 to:0.0142 he:0.0123 be:0.0123 in:0.0111 of:0.0100 a:0.0100 that:0.0095 -:0.7669 the:0.0801 a:0.0338 to:0.0220 and:0.0216 his:0.0189 an:0.0167 their:0.0146 in:0.0132 of:0.0122 -:0.7795 and:0.0464 a:0.0410 in:0.0351 the:0.0263 to:0.0250 of:0.0218 or:0.0111 an:0.0079 they:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9243 and:0.0279 out:0.0092 called:0.0079 was:0.0071 but:0.0064 that:0.0048 depends:0.0043 went:0.0040 based:0.0040 -:0.6183 the:0.1299 a:0.0984 it:0.0525 him:0.0195 this:0.0192 an:0.0190 them:0.0159 her:0.0145 their:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6972 to:0.0789 in:0.0582 for:0.0449 of:0.0311 on:0.0272 from:0.0162 by:0.0157 and:0.0154 with:0.0152 -:0.7753 and:0.0559 or:0.0353 is:0.0339 of:0.0272 the:0.0213 no:0.0144 was:0.0135 a:0.0128 are:0.0105 -:0.9145 same:0.0194 as:0.0181 most:0.0112 very:0.0087 only:0.0061 past:0.0057 following:0.0057 public:0.0055 first:0.0052 -:0.7199 days:0.1057 feet:0.0607 years:0.0389 months:0.0204 miles:0.0170 minutes:0.0139 weeks:0.0087 men:0.0077 times:0.0070 -:0.6969 the:0.0766 a:0.0699 of:0.0662 as:0.0281 and:0.0268 in:0.0112 his:0.0084 that:0.0083 is:0.0076 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -:0.9529 we:0.0076 who:0.0076 men:0.0065 and:0.0058 they:0.0051 days:0.0038 years:0.0037 people:0.0036 many:0.0035 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9225 and:0.0403 was:0.0086 is:0.0060 that:0.0057 but:0.0040 of:0.0037 as:0.0033 or:0.0030 in:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6214 the:0.2713 a:0.0238 he:0.0161 it:0.0158 him:0.0115 his:0.0110 this:0.0106 tho:0.0098 that:0.0087 -:0.8026 is:0.0354 they:0.0302 was:0.0261 the:0.0259 he:0.0230 we:0.0185 it:0.0147 if:0.0121 will:0.0116 -:0.5976 of:0.1338 and:0.0926 in:0.0636 to:0.0364 the:0.0253 that:0.0172 for:0.0127 or:0.0109 by:0.0097 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.8537 the:0.0398 a:0.0334 and:0.0256 this:0.0105 of:0.0098 in:0.0091 that:0.0080 which:0.0051 to:0.0051 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.7618 the:0.0875 a:0.0610 and:0.0179 not:0.0165 of:0.0144 to:0.0130 in:0.0098 no:0.0097 as:0.0084 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6691 the:0.1135 a:0.0805 any:0.0309 of:0.0253 and:0.0192 in:0.0172 to:0.0166 his:0.0139 no:0.0137 -:0.8179 that:0.0386 to:0.0340 the:0.0240 and:0.0221 as:0.0165 a:0.0136 if:0.0122 it:0.0114 an:0.0095 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.6755 to:0.1614 we:0.0302 will:0.0301 and:0.0300 they:0.0202 can:0.0182 would:0.0157 could:0.0097 who:0.0090 -:0.9736 and:0.0051 city:0.0034 time:0.0031 most:0.0028 other:0.0026 of:0.0025 country:0.0024 county:0.0024 th:0.0022 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6774 to:0.1513 in:0.0390 a:0.0344 for:0.0215 on:0.0174 of:0.0172 and:0.0155 the:0.0136 at:0.0127 -the:0.3834 :0.3639 a:0.1315 no:0.0273 tho:0.0223 this:0.0167 all:0.0146 that:0.0145 his:0.0141 our:0.0118 -:0.6708 is:0.0940 was:0.0736 are:0.0561 were:0.0336 and:0.0215 the:0.0150 to:0.0139 in:0.0108 a:0.0108 -:0.6237 the:0.2260 a:0.0512 and:0.0242 of:0.0204 his:0.0125 is:0.0123 all:0.0107 was:0.0095 tho:0.0095 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9214 and:0.0388 to:0.0080 but:0.0059 called:0.0055 time:0.0052 was:0.0043 made:0.0038 bidder:0.0035 out:0.0035 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.5813 the:0.2232 to:0.0626 a:0.0495 and:0.0207 of:0.0200 his:0.0129 tho:0.0116 or:0.0108 tbe:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2649 :0.5515 a:0.0650 his:0.0297 its:0.0195 tho:0.0188 tbe:0.0135 an:0.0129 said:0.0128 this:0.0114 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6041 to:0.0811 we:0.0680 who:0.0512 will:0.0439 would:0.0407 and:0.0320 they:0.0307 not:0.0303 which:0.0180 -as:0.5148 :0.3530 is:0.0316 and:0.0230 was:0.0199 so:0.0172 a:0.0148 the:0.0123 are:0.0073 or:0.0062 -:0.9038 to:0.0278 and:0.0157 in:0.0120 up:0.0101 out:0.0083 it:0.0071 him:0.0057 of:0.0048 on:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3193 :0.5214 a:0.0323 this:0.0303 any:0.0263 tho:0.0221 said:0.0148 all:0.0118 our:0.0117 his:0.0099 -:0.7241 days:0.1095 years:0.0345 months:0.0302 weeks:0.0280 minutes:0.0225 of:0.0177 and:0.0145 hours:0.0110 hundred:0.0080 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6251 of:0.1465 and:0.0893 in:0.0609 the:0.0191 on:0.0127 as:0.0126 to:0.0125 for:0.0112 from:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -was:0.2401 had:0.2324 has:0.1861 :0.2302 is:0.0598 be:0.0163 were:0.0115 have:0.0092 been:0.0086 are:0.0058 -:0.5467 of:0.3188 and:0.0391 the:0.0273 to:0.0267 in:0.0100 that:0.0098 for:0.0079 or:0.0073 is:0.0064 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.4549 at:0.0885 to:0.0882 and:0.0877 in:0.0719 of:0.0679 that:0.0406 for:0.0367 with:0.0334 from:0.0303 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9457 he:0.0097 time:0.0092 who:0.0065 and:0.0059 they:0.0054 it:0.0053 there:0.0047 days:0.0040 men:0.0037 -:0.9124 hour:0.0416 old:0.0085 inch:0.0064 opportunity:0.0063 increase:0.0057 act:0.0048 average:0.0048 action:0.0048 eye:0.0046 -:0.7116 of:0.0940 that:0.0618 and:0.0511 the:0.0208 in:0.0172 as:0.0128 to:0.0115 is:0.0103 was:0.0090 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8293 and:0.0567 to:0.0389 as:0.0193 is:0.0147 from:0.0120 in:0.0089 but:0.0070 it:0.0067 are:0.0066 -did:0.1908 could:0.1256 would:0.0964 had:0.0792 was:0.0768 does:0.0588 is:0.0567 will:0.0527 has:0.0518 :0.2112 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4881 :0.3058 the:0.0801 and:0.0577 or:0.0150 in:0.0149 with:0.0132 for:0.0090 at:0.0087 ot:0.0074 -:0.7431 the:0.1194 a:0.0476 of:0.0222 to:0.0172 it:0.0117 that:0.0107 in:0.0099 his:0.0093 this:0.0088 -to:0.3799 :0.4112 and:0.0632 will:0.0551 would:0.0326 should:0.0131 can:0.0127 we:0.0113 may:0.0106 shall:0.0104 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7988 than:0.0979 or:0.0211 of:0.0192 and:0.0172 to:0.0146 the:0.0124 a:0.0074 in:0.0065 for:0.0049 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.9694 up:0.0086 long:0.0032 home:0.0031 down:0.0030 it:0.0029 out:0.0027 him:0.0026 in:0.0023 day:0.0023 -:0.9067 time:0.0325 other:0.0154 way:0.0103 times:0.0074 years:0.0068 days:0.0057 men:0.0054 one:0.0049 cases:0.0048 -:0.5576 is:0.1154 was:0.0664 to:0.0620 in:0.0617 of:0.0326 with:0.0292 from:0.0261 on:0.0261 by:0.0229 -:0.9003 and:0.0209 went:0.0201 came:0.0145 was:0.0096 it:0.0077 are:0.0071 is:0.0070 set:0.0066 come:0.0062 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -the:0.2380 :0.4618 an:0.1693 a:0.0411 in:0.0225 and:0.0172 of:0.0152 tho:0.0149 this:0.0107 their:0.0095 -:0.7489 the:0.0617 and:0.0429 of:0.0317 or:0.0310 a:0.0294 was:0.0169 in:0.0140 to:0.0123 is:0.0111 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.2546 with:0.1025 :0.3581 into:0.0696 in:0.0473 by:0.0386 out:0.0375 on:0.0338 up:0.0314 for:0.0264 -:0.8490 of:0.0403 the:0.0220 a:0.0199 and:0.0191 in:0.0140 it:0.0128 to:0.0091 that:0.0076 as:0.0061 -:0.6313 th:0.1917 next:0.0413 first:0.0394 same:0.0284 said:0.0165 last:0.0158 st:0.0129 whole:0.0119 second:0.0107 -:0.9079 out:0.0175 down:0.0160 him:0.0120 up:0.0100 and:0.0093 to:0.0076 dollars:0.0070 off:0.0064 but:0.0063 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6196 as:0.0979 so:0.0885 is:0.0441 and:0.0353 was:0.0306 too:0.0290 very:0.0255 that:0.0160 a:0.0134 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9346 him:0.0128 it:0.0115 them:0.0098 years:0.0066 the:0.0056 me:0.0055 all:0.0049 us:0.0049 sale:0.0038 -:0.9601 and:0.0095 day:0.0064 is:0.0045 line:0.0042 or:0.0041 was:0.0037 it:0.0027 place:0.0026 which:0.0021 -to:0.3252 not:0.1832 :0.4064 now:0.0304 still:0.0119 also:0.0102 should:0.0087 may:0.0086 will:0.0081 that:0.0073 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7194 the:0.2023 a:0.0202 this:0.0112 tho:0.0101 said:0.0101 his:0.0091 that:0.0065 an:0.0056 all:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -is:0.3219 :0.3923 are:0.1307 was:0.0382 and:0.0300 have:0.0253 were:0.0193 had:0.0181 be:0.0136 in:0.0105 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9262 together:0.0143 and:0.0109 up:0.0103 acquainted:0.0078 connected:0.0073 charged:0.0064 him:0.0060 out:0.0056 down:0.0053 -or:0.2373 :0.5363 of:0.0596 years:0.0451 days:0.0306 miles:0.0287 and:0.0219 months:0.0168 inches:0.0121 for:0.0116 -:0.6075 and:0.0802 but:0.0683 of:0.0506 as:0.0492 that:0.0428 for:0.0337 which:0.0257 if:0.0215 in:0.0206 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9303 and:0.0325 is:0.0065 was:0.0061 it:0.0049 that:0.0046 of:0.0043 him:0.0041 but:0.0034 went:0.0033 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9451 same:0.0163 last:0.0074 city:0.0060 people:0.0053 above:0.0046 following:0.0044 best:0.0041 other:0.0036 present:0.0033 -of:0.4663 :0.4551 in:0.0224 and:0.0140 to:0.0087 from:0.0084 ot:0.0073 on:0.0071 as:0.0058 that:0.0049 -:0.6489 the:0.1334 to:0.0681 a:0.0437 and:0.0327 in:0.0208 of:0.0192 that:0.0117 for:0.0113 by:0.0104 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9350 and:0.0276 was:0.0060 place:0.0049 time:0.0049 are:0.0047 work:0.0047 but:0.0045 house:0.0039 feet:0.0038 -a:0.2314 the:0.2161 :0.4388 their:0.0246 this:0.0212 his:0.0209 tbe:0.0133 tho:0.0123 no:0.0110 any:0.0104 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -the:0.3646 :0.3943 this:0.0524 his:0.0380 our:0.0342 her:0.0277 said:0.0250 their:0.0244 a:0.0198 tho:0.0196 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6894 of:0.0844 to:0.0731 and:0.0469 the:0.0436 that:0.0237 in:0.0131 or:0.0103 a:0.0078 for:0.0077 -:0.7398 of:0.1531 and:0.0231 hundred:0.0194 to:0.0162 or:0.0122 in:0.0109 year:0.0096 day:0.0083 that:0.0072 -the:0.3858 :0.4767 his:0.0321 tho:0.0228 a:0.0169 their:0.0166 our:0.0165 these:0.0121 an:0.0111 this:0.0097 -:0.8336 in:0.0740 of:0.0175 on:0.0144 and:0.0143 at:0.0113 for:0.0098 by:0.0086 to:0.0084 from:0.0081 -:0.6673 to:0.1004 in:0.0615 that:0.0288 have:0.0263 and:0.0260 are:0.0240 of:0.0239 on:0.0227 by:0.0189 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8612 so:0.0256 found:0.0195 given:0.0159 ordered:0.0153 not:0.0143 in:0.0141 reported:0.0119 satisfied:0.0117 declared:0.0106 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8486 the:0.0389 of:0.0268 and:0.0263 in:0.0145 a:0.0136 to:0.0098 by:0.0083 for:0.0076 on:0.0056 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.7783 are:0.0455 come:0.0378 came:0.0292 have:0.0262 went:0.0226 were:0.0223 had:0.0218 go:0.0084 made:0.0080 -to:0.4362 :0.4211 and:0.0464 will:0.0311 would:0.0200 may:0.0103 or:0.0095 the:0.0094 not:0.0090 should:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9424 one:0.0168 out:0.0099 day:0.0060 part:0.0056 or:0.0050 and:0.0050 some:0.0032 that:0.0031 men:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.6617 the:0.1599 he:0.0492 a:0.0347 his:0.0266 they:0.0151 will:0.0148 any:0.0130 we:0.0127 tho:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.6678 the:0.1604 of:0.0482 a:0.0336 in:0.0227 and:0.0198 this:0.0167 his:0.0113 no:0.0104 with:0.0090 -:0.6198 the:0.2101 a:0.0577 of:0.0251 and:0.0219 to:0.0212 his:0.0192 tho:0.0097 their:0.0089 for:0.0064 -the:0.3957 :0.3671 a:0.0636 his:0.0360 this:0.0333 their:0.0270 its:0.0258 tho:0.0253 any:0.0156 said:0.0107 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7282 that:0.0655 and:0.0617 as:0.0356 which:0.0355 but:0.0229 if:0.0179 when:0.0160 what:0.0089 where:0.0079 -:0.8304 and:0.0377 that:0.0352 it:0.0283 him:0.0273 he:0.0113 them:0.0100 but:0.0073 they:0.0065 there:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7570 the:0.1165 a:0.0504 that:0.0139 this:0.0122 and:0.0110 in:0.0104 tho:0.0098 of:0.0097 by:0.0091 -:0.7173 of:0.1589 and:0.0369 to:0.0306 by:0.0112 from:0.0108 feet:0.0101 the:0.0082 with:0.0081 or:0.0080 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9035 the:0.0378 and:0.0143 a:0.0111 said:0.0087 to:0.0067 was:0.0051 as:0.0047 is:0.0042 that:0.0039 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9241 and:0.0138 of:0.0129 or:0.0093 him:0.0089 on:0.0070 it:0.0069 was:0.0058 more:0.0057 them:0.0056 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7785 to:0.0391 the:0.0380 in:0.0338 and:0.0275 by:0.0231 a:0.0163 with:0.0157 at:0.0142 that:0.0137 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.4803 of:0.1726 and:0.0945 is:0.0641 a:0.0529 are:0.0380 was:0.0292 in:0.0280 the:0.0213 for:0.0189 -:0.5473 the:0.1841 a:0.0949 and:0.0552 his:0.0522 this:0.0168 their:0.0155 of:0.0127 her:0.0110 or:0.0102 -:0.7063 the:0.1046 and:0.0687 of:0.0355 a:0.0283 in:0.0159 to:0.0138 have:0.0118 that:0.0078 for:0.0073 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8520 the:0.0442 a:0.0176 that:0.0164 to:0.0154 and:0.0150 it:0.0126 as:0.0104 in:0.0092 by:0.0072 -:0.7869 the:0.0564 a:0.0355 of:0.0281 that:0.0264 and:0.0183 in:0.0175 by:0.0145 it:0.0095 his:0.0068 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.8159 in:0.0369 with:0.0249 as:0.0247 by:0.0200 that:0.0173 was:0.0169 for:0.0157 is:0.0155 at:0.0123 -:0.8928 and:0.0507 as:0.0087 out:0.0086 is:0.0082 was:0.0074 up:0.0072 to:0.0065 but:0.0053 that:0.0045 -:0.8028 of:0.0737 and:0.0427 the:0.0161 in:0.0136 on:0.0117 or:0.0111 that:0.0102 with:0.0093 to:0.0087 -:0.6638 the:0.1658 of:0.0460 to:0.0303 in:0.0231 a:0.0182 for:0.0162 and:0.0145 tho:0.0119 or:0.0102 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.5951 a:0.1522 the:0.1253 of:0.0416 his:0.0228 their:0.0172 and:0.0140 to:0.0120 said:0.0102 in:0.0095 -:0.5609 of:0.3383 and:0.0353 in:0.0139 the:0.0128 on:0.0084 a:0.0080 for:0.0080 to:0.0076 that:0.0069 -:0.7390 to:0.1021 of:0.0408 for:0.0264 in:0.0208 with:0.0167 and:0.0153 told:0.0142 on:0.0135 at:0.0112 -of:0.3522 :0.3728 for:0.0521 with:0.0424 in:0.0419 was:0.0304 at:0.0296 and:0.0295 is:0.0258 as:0.0234 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.2863 :0.4967 the:0.0944 bo:0.0268 have:0.0217 a:0.0190 do:0.0147 an:0.0147 his:0.0144 take:0.0113 -:0.7881 and:0.0801 or:0.0299 was:0.0237 to:0.0201 is:0.0130 not:0.0120 of:0.0117 that:0.0111 but:0.0104 -:0.7266 the:0.0971 to:0.0347 a:0.0309 and:0.0274 by:0.0210 that:0.0175 in:0.0169 for:0.0152 of:0.0128 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9486 and:0.0248 of:0.0081 law:0.0032 the:0.0030 in:0.0026 line:0.0026 man:0.0024 to:0.0023 or:0.0023 -:0.9382 and:0.0171 made:0.0073 out:0.0060 followed:0.0058 secured:0.0055 that:0.0051 caused:0.0051 or:0.0050 accompanied:0.0049 -:0.8045 we:0.0299 it:0.0269 he:0.0258 you:0.0243 they:0.0223 that:0.0196 and:0.0191 who:0.0149 which:0.0128 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9024 and:0.0183 day:0.0156 time:0.0155 of:0.0143 to:0.0126 in:0.0062 is:0.0057 year:0.0056 the:0.0037 -:0.7384 the:0.0797 of:0.0560 and:0.0386 a:0.0354 in:0.0166 to:0.0103 or:0.0095 with:0.0087 by:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5641 he:0.1430 it:0.1397 there:0.0459 she:0.0308 which:0.0233 that:0.0206 and:0.0131 lie:0.0113 ho:0.0081 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.6223 of:0.1265 and:0.0685 to:0.0381 the:0.0345 in:0.0336 that:0.0293 for:0.0224 was:0.0142 by:0.0107 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7785 to:0.0391 the:0.0380 in:0.0338 and:0.0275 by:0.0231 a:0.0163 with:0.0157 at:0.0142 that:0.0137 -:0.9457 the:0.0139 it:0.0100 them:0.0065 him:0.0061 all:0.0051 this:0.0038 two:0.0037 more:0.0027 her:0.0025 -:0.7017 as:0.1664 the:0.0221 from:0.0199 by:0.0186 more:0.0185 and:0.0164 in:0.0143 to:0.0124 out:0.0097 -:0.6674 it:0.0843 and:0.0589 he:0.0567 which:0.0366 there:0.0291 that:0.0232 she:0.0196 as:0.0166 but:0.0075 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.8338 the:0.0585 a:0.0415 and:0.0149 of:0.0111 that:0.0106 to:0.0097 in:0.0073 he:0.0064 as:0.0063 -:0.7309 the:0.0884 of:0.0515 to:0.0290 and:0.0234 in:0.0181 all:0.0169 with:0.0142 a:0.0142 they:0.0134 -:0.6323 the:0.1481 of:0.0899 a:0.0345 and:0.0335 in:0.0238 tho:0.0107 this:0.0099 to:0.0091 said:0.0080 -by:0.1749 :0.4826 in:0.0940 to:0.0560 for:0.0540 with:0.0392 as:0.0295 up:0.0251 at:0.0239 on:0.0208 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.8951 that:0.0286 all:0.0285 which:0.0155 in:0.0081 the:0.0069 by:0.0053 of:0.0041 on:0.0040 said:0.0038 -the:0.7941 :0.0935 a:0.0342 tho:0.0288 his:0.0129 our:0.0103 their:0.0078 tbe:0.0067 its:0.0067 this:0.0051 -:0.4949 of:0.1912 the:0.0926 and:0.0734 that:0.0376 in:0.0278 to:0.0254 by:0.0210 with:0.0206 which:0.0156 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7890 time:0.1279 day:0.0205 and:0.0203 of:0.0117 to:0.0099 way:0.0062 the:0.0051 in:0.0050 year:0.0044 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -they:0.2870 :0.4558 we:0.1290 you:0.0311 who:0.0223 there:0.0203 which:0.0201 that:0.0160 it:0.0109 all:0.0075 -:0.5845 of:0.1677 to:0.0446 and:0.0412 for:0.0373 in:0.0345 with:0.0334 by:0.0318 than:0.0134 on:0.0115 -:0.8696 other:0.0270 more:0.0246 one:0.0212 doubt:0.0188 longer:0.0133 reason:0.0070 matter:0.0062 better:0.0061 the:0.0061 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9135 and:0.0341 of:0.0160 man:0.0105 time:0.0062 in:0.0058 men:0.0042 is:0.0039 the:0.0030 country:0.0027 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7803 and:0.0867 of:0.0479 is:0.0152 to:0.0135 was:0.0122 that:0.0122 the:0.0118 in:0.0114 at:0.0089 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8038 the:0.0470 to:0.0345 we:0.0243 and:0.0208 he:0.0181 his:0.0130 they:0.0129 was:0.0128 a:0.0128 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -the:0.3887 :0.4255 a:0.0618 his:0.0263 this:0.0230 tho:0.0224 any:0.0179 each:0.0118 their:0.0116 all:0.0110 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.4770 that:0.1066 in:0.0779 and:0.0761 to:0.0741 of:0.0565 for:0.0469 by:0.0347 on:0.0275 from:0.0227 -:0.9154 same:0.0166 world:0.0140 people:0.0124 city:0.0115 case:0.0066 government:0.0063 time:0.0063 past:0.0055 court:0.0052 -:0.8435 as:0.0487 and:0.0318 up:0.0178 him:0.0127 down:0.0101 them:0.0093 out:0.0090 it:0.0087 is:0.0083 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8336 in:0.0740 of:0.0175 on:0.0144 and:0.0143 at:0.0113 for:0.0098 by:0.0086 to:0.0084 from:0.0081 -:0.6666 of:0.1356 and:0.0603 to:0.0433 in:0.0278 the:0.0215 is:0.0141 at:0.0115 are:0.0101 or:0.0089 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -of:0.5672 :0.2445 in:0.0512 and:0.0326 on:0.0225 that:0.0204 for:0.0202 from:0.0173 to:0.0131 with:0.0109 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8187 of:0.0572 in:0.0330 to:0.0264 and:0.0250 the:0.0134 that:0.0072 a:0.0071 as:0.0063 for:0.0057 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7058 of:0.1203 and:0.0687 to:0.0225 the:0.0200 or:0.0156 that:0.0155 in:0.0139 with:0.0094 for:0.0083 -:0.9239 and:0.0174 was:0.0164 of:0.0075 is:0.0068 will:0.0066 or:0.0058 but:0.0053 which:0.0053 are:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9520 and:0.0112 was:0.0076 of:0.0065 is:0.0054 a:0.0042 he:0.0037 are:0.0035 or:0.0033 they:0.0028 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8449 the:0.0346 a:0.0309 in:0.0226 more:0.0212 be:0.0108 to:0.0091 and:0.0088 it:0.0086 that:0.0086 -the:0.4933 :0.4033 his:0.0231 tho:0.0203 her:0.0124 be:0.0115 this:0.0111 its:0.0095 our:0.0087 a:0.0069 -:0.8102 are:0.0363 as:0.0337 and:0.0277 is:0.0239 one:0.0190 to:0.0150 so:0.0134 in:0.0107 of:0.0101 -:0.6990 the:0.0980 be:0.0689 any:0.0518 make:0.0231 give:0.0142 take:0.0132 get:0.0112 have:0.0111 a:0.0094 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.7156 the:0.1325 a:0.0461 that:0.0189 any:0.0180 he:0.0167 to:0.0149 one:0.0148 it:0.0116 all:0.0108 -:0.9018 him:0.0215 law:0.0133 them:0.0132 us:0.0098 it:0.0088 one:0.0088 reason:0.0082 virtue:0.0077 the:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6381 of:0.1228 to:0.0713 in:0.0467 at:0.0374 and:0.0289 for:0.0174 with:0.0150 by:0.0123 or:0.0099 -will:0.1887 :0.3350 to:0.1284 should:0.0761 shall:0.0716 may:0.0584 would:0.0556 must:0.0350 can:0.0317 could:0.0195 -:0.8687 of:0.0452 and:0.0175 or:0.0152 to:0.0122 at:0.0106 with:0.0095 for:0.0082 is:0.0065 six:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6884 know:0.1546 see:0.0337 to:0.0306 think:0.0274 say:0.0182 do:0.0128 be:0.0120 in:0.0119 tell:0.0104 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8890 time:0.0384 and:0.0131 way:0.0129 times:0.0116 person:0.0081 one:0.0071 men:0.0067 days:0.0066 part:0.0065 -:0.8470 old:0.0732 hour:0.0172 inch:0.0151 average:0.0109 any:0.0099 early:0.0080 a:0.0072 excellent:0.0059 active:0.0058 -be:0.2310 have:0.2171 not:0.1757 :0.2852 bo:0.0249 he:0.0194 we:0.0146 to:0.0136 never:0.0108 had:0.0079 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8422 is:0.0642 was:0.0326 and:0.0185 has:0.0105 up:0.0082 out:0.0072 but:0.0060 him:0.0055 made:0.0051 -:0.5735 and:0.1547 was:0.0773 is:0.0759 are:0.0272 but:0.0258 or:0.0200 has:0.0170 were:0.0157 of:0.0129 -have:0.1758 :0.6557 are:0.0444 had:0.0343 find:0.0221 do:0.0161 get:0.0137 make:0.0134 know:0.0129 were:0.0116 -be:0.4837 :0.3869 bo:0.0757 have:0.0134 not:0.0098 to:0.0068 been:0.0064 is:0.0061 he:0.0059 and:0.0054 -:0.9402 order:0.0124 the:0.0085 hand:0.0071 all:0.0068 favor:0.0061 time:0.0055 this:0.0055 mind:0.0040 it:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -the:0.4363 :0.3269 a:0.0940 his:0.0325 their:0.0245 tho:0.0244 our:0.0216 tbe:0.0160 its:0.0120 any:0.0118 -:0.7857 the:0.0649 a:0.0316 to:0.0314 and:0.0208 in:0.0174 that:0.0149 him:0.0126 for:0.0119 by:0.0088 -him:0.2569 :0.4646 me:0.0796 us:0.0706 them:0.0573 in:0.0214 and:0.0199 so:0.0100 all:0.0099 to:0.0096 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7029 the:0.1128 a:0.0541 of:0.0435 in:0.0228 and:0.0225 his:0.0140 this:0.0095 tho:0.0091 their:0.0087 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9200 it:0.0134 him:0.0110 them:0.0104 able:0.0084 according:0.0084 as:0.0083 referred:0.0074 and:0.0067 is:0.0062 -not:0.2374 to:0.2173 :0.4399 a:0.0451 now:0.0229 always:0.0081 the:0.0081 still:0.0073 also:0.0072 no:0.0067 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -than:0.3815 :0.3948 of:0.0527 in:0.0503 to:0.0497 on:0.0215 and:0.0137 from:0.0131 for:0.0124 at:0.0103 -:0.6348 of:0.1359 in:0.0469 for:0.0323 to:0.0309 on:0.0301 with:0.0287 and:0.0271 by:0.0175 at:0.0158 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8694 and:0.0471 of:0.0375 in:0.0093 to:0.0093 or:0.0060 at:0.0058 was:0.0058 on:0.0053 for:0.0046 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6356 the:0.1560 of:0.1046 and:0.0259 a:0.0182 in:0.0133 to:0.0128 this:0.0121 his:0.0108 no:0.0105 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8379 the:0.0499 he:0.0311 a:0.0160 have:0.0151 and:0.0129 his:0.0100 to:0.0097 be:0.0092 they:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9426 them:0.0109 land:0.0097 interest:0.0077 sale:0.0068 men:0.0063 that:0.0050 the:0.0038 it:0.0037 all:0.0034 -:0.7639 to:0.0672 and:0.0561 of:0.0322 the:0.0183 that:0.0149 for:0.0140 in:0.0139 a:0.0103 or:0.0092 -:0.8180 the:0.0585 and:0.0296 his:0.0214 a:0.0145 any:0.0143 her:0.0129 of:0.0123 their:0.0104 tho:0.0081 -:0.6385 of:0.1199 and:0.0731 for:0.0596 to:0.0285 in:0.0201 are:0.0185 that:0.0153 on:0.0140 than:0.0125 -:0.6847 and:0.1131 or:0.0570 much:0.0245 no:0.0240 is:0.0238 for:0.0206 in:0.0188 the:0.0175 of:0.0159 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8093 the:0.0479 and:0.0275 that:0.0258 to:0.0229 a:0.0185 by:0.0135 in:0.0133 of:0.0131 at:0.0083 -:0.6961 large:0.1484 great:0.0289 little:0.0284 very:0.0241 small:0.0173 new:0.0164 good:0.0163 certain:0.0124 few:0.0116 -:0.5568 was:0.1166 is:0.1004 and:0.0640 be:0.0555 of:0.0450 were:0.0202 he:0.0148 are:0.0140 has:0.0127 -:0.8629 the:0.0471 a:0.0311 and:0.0202 of:0.0135 his:0.0087 tho:0.0050 in:0.0041 their:0.0037 to:0.0037 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7605 of:0.0915 and:0.0494 in:0.0352 the:0.0135 with:0.0123 to:0.0103 on:0.0098 a:0.0088 or:0.0088 -:0.7034 of:0.1254 and:0.0724 to:0.0255 the:0.0178 as:0.0152 for:0.0116 that:0.0101 in:0.0096 is:0.0089 -:0.6705 and:0.0907 was:0.0658 is:0.0597 in:0.0334 had:0.0209 who:0.0162 that:0.0148 has:0.0143 of:0.0137 -be:0.8353 bo:0.0662 have:0.0228 :0.0517 he:0.0089 lie:0.0050 not:0.0046 never:0.0027 been:0.0015 find:0.0012 -:0.8091 found:0.0409 given:0.0265 so:0.0249 declared:0.0216 seen:0.0183 said:0.0166 ordered:0.0142 made:0.0141 notified:0.0139 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7930 the:0.0908 of:0.0370 and:0.0243 a:0.0176 or:0.0117 for:0.0094 at:0.0059 by:0.0053 with:0.0050 -:0.6819 the:0.0747 of:0.0720 to:0.0535 and:0.0439 that:0.0282 in:0.0162 which:0.0100 from:0.0099 for:0.0098 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.9280 and:0.0145 as:0.0110 according:0.0083 feet:0.0077 is:0.0075 enough:0.0065 down:0.0063 it:0.0052 from:0.0050 -:0.7403 in:0.0702 of:0.0678 all:0.0196 for:0.0184 with:0.0182 at:0.0172 is:0.0163 on:0.0162 if:0.0158 -:0.6661 of:0.1120 and:0.0569 in:0.0358 the:0.0319 to:0.0318 for:0.0228 by:0.0147 at:0.0144 from:0.0135 -:0.6733 tell:0.0866 do:0.0606 see:0.0567 give:0.0339 make:0.0234 say:0.0224 which:0.0151 think:0.0148 whom:0.0132 -:0.5266 of:0.1743 that:0.0788 in:0.0761 by:0.0383 for:0.0327 all:0.0235 with:0.0216 and:0.0172 which:0.0108 -:0.8938 and:0.0267 just:0.0176 is:0.0131 such:0.0104 described:0.0093 so:0.0083 soon:0.0075 for:0.0071 known:0.0062 -:0.6432 the:0.1861 two:0.0411 twenty:0.0287 ten:0.0256 three:0.0243 by:0.0163 fifteen:0.0121 a:0.0114 tho:0.0112 -:0.6650 was:0.1007 and:0.0666 is:0.0638 has:0.0380 had:0.0224 of:0.0168 it:0.0094 the:0.0094 are:0.0080 -:0.7873 and:0.0883 the:0.0252 of:0.0243 in:0.0207 on:0.0113 to:0.0112 or:0.0111 that:0.0104 was:0.0102 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6204 it:0.1346 which:0.0571 and:0.0549 there:0.0373 he:0.0312 that:0.0255 what:0.0164 as:0.0135 but:0.0093 -:0.7598 and:0.0928 of:0.0267 is:0.0256 was:0.0227 the:0.0191 or:0.0176 for:0.0125 are:0.0117 at:0.0116 -:0.6691 the:0.1135 a:0.0805 any:0.0309 of:0.0253 and:0.0192 in:0.0172 to:0.0166 his:0.0139 no:0.0137 -:0.9209 said:0.0212 same:0.0120 other:0.0090 most:0.0086 first:0.0073 public:0.0067 best:0.0051 whole:0.0050 th:0.0042 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9153 chance:0.0124 desire:0.0119 little:0.0098 time:0.0097 visit:0.0092 right:0.0091 letter:0.0083 bill:0.0079 fair:0.0063 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7109 the:0.1166 a:0.0972 an:0.0132 it:0.0128 his:0.0112 that:0.0102 to:0.0098 their:0.0097 in:0.0084 -:0.6811 up:0.1106 out:0.0514 forth:0.0486 and:0.0263 down:0.0185 it:0.0174 him:0.0161 off:0.0152 away:0.0147 -:0.5926 did:0.0778 do:0.0708 is:0.0609 was:0.0440 will:0.0421 could:0.0294 does:0.0294 would:0.0270 had:0.0261 -:0.7626 the:0.1341 his:0.0221 it:0.0143 was:0.0142 then:0.0117 is:0.0109 no:0.0106 a:0.0103 her:0.0091 -:0.9037 and:0.0364 of:0.0134 that:0.0096 was:0.0086 is:0.0073 it:0.0060 he:0.0055 or:0.0049 are:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7841 and:0.0664 to:0.0522 will:0.0239 we:0.0197 not:0.0124 would:0.0108 they:0.0107 who:0.0100 is:0.0098 -:0.6733 the:0.0783 to:0.0727 a:0.0603 that:0.0485 in:0.0172 it:0.0172 and:0.0132 for:0.0103 by:0.0090 -the:0.0113 no:0.0081 tho:0.0067 a:0.0059 their:0.0059 our:0.0048 of:0.0045 his:0.0044 its:0.0042 every:0.0039 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6024 and:0.1253 of:0.1218 in:0.0444 to:0.0278 for:0.0205 from:0.0164 on:0.0147 at:0.0141 the:0.0125 -:0.6552 of:0.1231 and:0.0841 in:0.0576 than:0.0182 for:0.0141 so:0.0133 but:0.0118 at:0.0116 on:0.0110 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.5167 of:0.1558 the:0.1180 to:0.0850 and:0.0458 in:0.0197 by:0.0195 for:0.0169 tho:0.0117 his:0.0108 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6266 the:0.1021 in:0.0584 to:0.0519 a:0.0387 on:0.0315 and:0.0262 for:0.0241 of:0.0205 by:0.0200 -:0.8941 and:0.0231 so:0.0185 in:0.0127 is:0.0103 said:0.0100 declared:0.0089 all:0.0082 but:0.0073 given:0.0070 -:0.8853 the:0.0355 that:0.0240 and:0.0114 in:0.0094 is:0.0083 of:0.0073 a:0.0070 to:0.0064 was:0.0053 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.7484 :0.1958 a:0.0105 and:0.0093 by:0.0079 an:0.0069 for:0.0065 that:0.0054 the:0.0048 up:0.0044 -of:0.3255 :0.4698 the:0.0820 for:0.0339 in:0.0267 and:0.0220 a:0.0148 on:0.0098 or:0.0077 to:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8258 the:0.0723 an:0.0224 and:0.0192 his:0.0155 it:0.0106 her:0.0101 which:0.0087 this:0.0082 a:0.0072 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7765 he:0.0628 and:0.0273 they:0.0258 it:0.0241 we:0.0193 that:0.0189 who:0.0170 which:0.0164 she:0.0120 -:0.9719 left:0.0040 time:0.0039 above:0.0037 world:0.0035 place:0.0029 of:0.0028 use:0.0026 present:0.0024 fact:0.0023 -:0.5467 the:0.1607 him:0.0918 them:0.0504 it:0.0369 us:0.0305 a:0.0301 her:0.0229 me:0.0166 that:0.0134 -:0.8747 and:0.0451 of:0.0280 in:0.0095 the:0.0092 that:0.0073 to:0.0070 or:0.0068 for:0.0063 which:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7824 much:0.0804 little:0.0337 to:0.0245 well:0.0220 good:0.0188 and:0.0108 many:0.0101 great:0.0087 large:0.0087 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8696 other:0.0270 more:0.0246 one:0.0212 doubt:0.0188 longer:0.0133 reason:0.0070 matter:0.0062 better:0.0061 the:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8420 and:0.0464 the:0.0301 a:0.0294 of:0.0161 that:0.0084 to:0.0078 was:0.0074 his:0.0064 or:0.0059 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9741 up:0.0034 and:0.0033 man:0.0031 it:0.0030 him:0.0030 men:0.0028 law:0.0026 hundred:0.0026 home:0.0022 -:0.8076 as:0.0534 and:0.0456 ago:0.0231 been:0.0150 time:0.0135 to:0.0129 in:0.0119 of:0.0097 at:0.0072 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -the:0.3169 :0.5321 a:0.0468 his:0.0313 tho:0.0151 its:0.0144 their:0.0130 an:0.0110 this:0.0101 our:0.0092 -:0.9537 interest:0.0066 same:0.0063 city:0.0053 country:0.0052 work:0.0048 people:0.0048 time:0.0047 right:0.0044 world:0.0042 -:0.6095 in:0.1231 to:0.0553 from:0.0404 that:0.0404 on:0.0317 with:0.0315 by:0.0285 of:0.0229 for:0.0165 -the:0.6304 :0.2962 tho:0.0207 a:0.0160 of:0.0090 his:0.0074 tbe:0.0066 and:0.0062 an:0.0040 this:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.6602 of:0.0937 in:0.0551 to:0.0428 and:0.0427 from:0.0290 on:0.0209 with:0.0189 all:0.0185 at:0.0182 -:0.7695 of:0.0720 and:0.0582 that:0.0279 the:0.0227 in:0.0166 or:0.0101 a:0.0092 to:0.0074 but:0.0065 -the:0.5843 :0.2022 his:0.0538 their:0.0352 be:0.0333 tho:0.0292 our:0.0182 a:0.0155 its:0.0148 this:0.0134 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.8559 made:0.0274 held:0.0228 paid:0.0195 placed:0.0163 found:0.0136 used:0.0117 put:0.0110 done:0.0110 taken:0.0107 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7490 the:0.0861 of:0.0321 and:0.0317 to:0.0267 a:0.0230 in:0.0175 by:0.0145 with:0.0102 from:0.0092 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8793 and:0.0369 of:0.0257 in:0.0132 was:0.0089 that:0.0084 he:0.0075 is:0.0069 the:0.0068 or:0.0064 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5493 a:0.2165 the:0.0913 more:0.0390 in:0.0224 to:0.0199 one:0.0171 on:0.0157 his:0.0145 this:0.0144 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.7532 of:0.1050 and:0.0338 in:0.0218 is:0.0175 was:0.0152 the:0.0143 with:0.0140 for:0.0131 as:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6338 be:0.0678 have:0.0553 is:0.0421 and:0.0416 has:0.0382 had:0.0372 was:0.0358 are:0.0250 as:0.0232 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9624 the:0.0057 them:0.0049 one:0.0049 sale:0.0040 men:0.0040 life:0.0038 all:0.0037 interest:0.0035 land:0.0032 -day:0.3109 :0.6497 one:0.0095 side:0.0066 office:0.0058 line:0.0048 case:0.0040 part:0.0033 name:0.0028 number:0.0027 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -that:0.3709 :0.4865 which:0.0286 if:0.0266 what:0.0185 and:0.0167 when:0.0157 it:0.0131 but:0.0119 as:0.0114 -:0.8770 be:0.0446 work:0.0118 come:0.0116 appear:0.0111 him:0.0098 go:0.0096 put:0.0088 live:0.0082 do:0.0076 -:0.5925 of:0.2855 the:0.0272 and:0.0249 that:0.0159 to:0.0150 in:0.0132 or:0.0099 will:0.0080 for:0.0079 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6735 the:0.1400 a:0.0518 and:0.0469 of:0.0257 in:0.0205 to:0.0150 his:0.0121 be:0.0072 this:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4649 :0.3363 and:0.0422 to:0.0354 in:0.0345 for:0.0205 at:0.0176 from:0.0171 by:0.0167 with:0.0149 -:0.9308 same:0.0227 most:0.0088 highest:0.0079 first:0.0056 city:0.0054 best:0.0051 country:0.0051 people:0.0046 government:0.0040 -:0.7601 the:0.1060 of:0.0320 and:0.0279 a:0.0174 at:0.0144 in:0.0123 to:0.0108 for:0.0105 that:0.0086 -:0.7432 and:0.0659 of:0.0576 to:0.0520 in:0.0185 the:0.0148 is:0.0130 for:0.0120 was:0.0116 from:0.0114 -:0.7112 the:0.1059 of:0.0491 and:0.0487 a:0.0240 that:0.0170 which:0.0132 or:0.0128 was:0.0094 he:0.0086 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6585 of:0.1167 in:0.0640 and:0.0384 to:0.0353 for:0.0235 on:0.0181 with:0.0180 by:0.0147 at:0.0129 -the:0.0113 no:0.0081 tho:0.0067 a:0.0059 their:0.0059 our:0.0048 of:0.0045 his:0.0044 its:0.0042 every:0.0039 -:0.5378 of:0.2725 and:0.0629 to:0.0455 the:0.0231 for:0.0141 that:0.0123 or:0.0115 in:0.0114 by:0.0089 -:0.8698 able:0.0330 not:0.0192 going:0.0137 made:0.0126 ready:0.0120 unable:0.0103 sent:0.0102 due:0.0097 compelled:0.0097 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6271 the:0.1942 a:0.0819 this:0.0323 to:0.0177 and:0.0120 of:0.0106 tho:0.0085 his:0.0084 in:0.0073 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.7139 and:0.0431 of:0.0403 the:0.0388 in:0.0379 by:0.0334 or:0.0258 to:0.0255 for:0.0249 a:0.0164 -:0.8212 to:0.0374 in:0.0304 of:0.0227 and:0.0176 or:0.0172 with:0.0156 for:0.0145 years:0.0135 days:0.0098 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8983 it:0.0216 was:0.0196 had:0.0170 thought:0.0094 he:0.0094 has:0.0094 is:0.0069 and:0.0047 there:0.0036 -:0.6633 of:0.1672 a:0.0579 the:0.0411 and:0.0232 an:0.0125 to:0.0106 in:0.0101 or:0.0072 for:0.0068 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8227 night:0.0492 year:0.0471 week:0.0237 of:0.0209 and:0.0107 two:0.0071 a:0.0068 time:0.0061 evening:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3632 :0.5598 and:0.0330 or:0.0093 door:0.0077 ot:0.0073 to:0.0065 is:0.0055 in:0.0043 the:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3570 :0.3913 a:0.0885 tho:0.0357 this:0.0270 his:0.0265 said:0.0233 our:0.0233 their:0.0158 tbe:0.0117 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -to:0.5128 :0.3992 and:0.0239 for:0.0162 of:0.0108 in:0.0101 not:0.0079 the:0.0075 by:0.0059 with:0.0058 -:0.6204 in:0.1821 of:0.0688 and:0.0435 the:0.0294 to:0.0137 by:0.0119 was:0.0108 for:0.0100 is:0.0094 -:0.7838 he:0.0611 it:0.0387 we:0.0340 they:0.0262 and:0.0132 you:0.0126 to:0.0109 the:0.0105 she:0.0092 -:0.7858 and:0.0443 in:0.0384 to:0.0375 of:0.0265 as:0.0156 on:0.0136 the:0.0132 or:0.0126 a:0.0124 -:0.5271 of:0.2558 the:0.0875 and:0.0343 or:0.0289 a:0.0206 for:0.0182 that:0.0105 to:0.0101 which:0.0070 -:0.6823 and:0.0729 the:0.0595 of:0.0555 a:0.0509 in:0.0332 on:0.0178 for:0.0111 that:0.0091 by:0.0077 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -be:0.3893 :0.4088 have:0.0633 not:0.0389 bo:0.0276 take:0.0197 find:0.0160 do:0.0141 make:0.0115 get:0.0109 -:0.7151 was:0.0836 is:0.0817 and:0.0284 be:0.0243 are:0.0182 has:0.0168 in:0.0114 had:0.0107 were:0.0097 -:0.7210 the:0.1602 a:0.0367 of:0.0217 his:0.0135 and:0.0120 tho:0.0103 it:0.0082 that:0.0082 by:0.0082 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6535 the:0.1161 in:0.0641 a:0.0319 to:0.0301 and:0.0296 with:0.0273 by:0.0247 that:0.0116 his:0.0111 -:0.7834 and:0.0675 was:0.0500 is:0.0235 he:0.0190 are:0.0133 had:0.0117 be:0.0113 were:0.0103 have:0.0101 -:0.9431 is:0.0112 and:0.0070 up:0.0068 it:0.0064 right:0.0057 feet:0.0053 them:0.0053 as:0.0047 down:0.0045 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -of:0.3379 :0.4364 the:0.0533 and:0.0415 in:0.0368 for:0.0330 to:0.0326 or:0.0121 on:0.0099 by:0.0064 -:0.8791 hour:0.0597 order:0.0108 inch:0.0102 opportunity:0.0095 increase:0.0093 attack:0.0056 extent:0.0054 alley:0.0054 opinion:0.0050 -:0.5741 the:0.2623 a:0.0670 these:0.0207 this:0.0178 said:0.0175 tho:0.0112 his:0.0105 an:0.0097 our:0.0094 -:0.9383 and:0.0253 is:0.0066 was:0.0066 in:0.0059 of:0.0047 all:0.0035 are:0.0032 up:0.0032 as:0.0028 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8567 the:0.0483 and:0.0259 in:0.0154 a:0.0141 as:0.0115 that:0.0079 to:0.0073 by:0.0065 of:0.0063 -:0.5112 of:0.2227 to:0.1019 and:0.0751 as:0.0186 for:0.0168 in:0.0163 with:0.0128 by:0.0126 the:0.0120 -:0.8548 and:0.0472 of:0.0227 to:0.0129 that:0.0122 was:0.0114 the:0.0103 will:0.0102 he:0.0092 is:0.0092 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8813 and:0.0337 he:0.0192 in:0.0118 is:0.0105 was:0.0104 the:0.0091 be:0.0083 of:0.0082 it:0.0075 -:0.9447 time:0.0187 day:0.0054 city:0.0052 way:0.0045 people:0.0045 case:0.0044 same:0.0043 year:0.0042 world:0.0040 -of:0.2915 :0.4121 the:0.1080 in:0.0778 and:0.0271 a:0.0211 his:0.0196 for:0.0180 their:0.0136 that:0.0112 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -the:0.3052 :0.4915 be:0.1004 have:0.0221 tho:0.0188 this:0.0159 a:0.0134 their:0.0133 his:0.0116 our:0.0078 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.6198 the:0.2101 a:0.0577 of:0.0251 and:0.0219 to:0.0212 his:0.0192 tho:0.0097 their:0.0089 for:0.0064 -:0.6209 to:0.2496 will:0.0345 may:0.0222 not:0.0166 and:0.0152 shall:0.0122 it:0.0101 can:0.0099 should:0.0089 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6659 of:0.1337 and:0.0581 in:0.0391 the:0.0236 for:0.0200 to:0.0196 on:0.0159 that:0.0125 is:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3275 :0.4748 of:0.0919 and:0.0293 a:0.0248 his:0.0124 our:0.0109 tho:0.0098 their:0.0096 or:0.0090 -:0.5256 of:0.2015 in:0.0704 to:0.0575 and:0.0420 the:0.0335 on:0.0223 for:0.0190 that:0.0146 as:0.0136 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6975 as:0.1743 and:0.0273 to:0.0228 known:0.0183 in:0.0144 was:0.0134 is:0.0115 so:0.0103 been:0.0101 -:0.7684 the:0.1228 his:0.0273 a:0.0253 was:0.0128 is:0.0106 he:0.0084 it:0.0083 other:0.0081 their:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7364 of:0.0835 and:0.0651 the:0.0307 in:0.0292 as:0.0156 for:0.0108 to:0.0108 at:0.0099 by:0.0081 -they:0.2885 :0.4131 we:0.1605 there:0.0639 you:0.0282 it:0.0150 he:0.0104 which:0.0093 wo:0.0064 these:0.0046 -:0.5505 not:0.1497 so:0.1342 been:0.0470 as:0.0404 be:0.0268 never:0.0186 thus:0.0114 and:0.0111 to:0.0103 -:0.9709 the:0.0057 will:0.0053 to:0.0041 his:0.0027 a:0.0026 would:0.0024 this:0.0022 should:0.0021 may:0.0021 -:0.5578 the:0.1823 a:0.0655 any:0.0590 and:0.0406 of:0.0320 this:0.0183 no:0.0165 his:0.0157 every:0.0122 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3952 :0.4738 a:0.0406 this:0.0250 his:0.0179 tho:0.0114 an:0.0114 its:0.0087 said:0.0084 any:0.0076 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2480 :0.5501 a:0.0480 his:0.0371 this:0.0261 no:0.0256 tho:0.0175 he:0.0172 their:0.0159 our:0.0143 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.7413 if:0.0508 in:0.0445 by:0.0385 at:0.0266 of:0.0243 to:0.0232 before:0.0204 for:0.0163 more:0.0142 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -would:0.1685 will:0.1325 :0.3266 could:0.1077 can:0.0839 might:0.0426 should:0.0366 to:0.0351 must:0.0337 shall:0.0328 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6947 to:0.0776 the:0.0544 by:0.0375 and:0.0335 in:0.0314 a:0.0311 for:0.0153 as:0.0149 that:0.0095 -:0.7282 that:0.0655 and:0.0617 as:0.0356 which:0.0355 but:0.0229 if:0.0179 when:0.0160 what:0.0089 where:0.0079 -:0.8962 and:0.0255 known:0.0160 just:0.0119 described:0.0112 well:0.0107 it:0.0087 far:0.0068 men:0.0066 is:0.0064 -:0.7436 the:0.0968 by:0.0343 to:0.0240 a:0.0221 in:0.0211 and:0.0186 him:0.0137 as:0.0132 that:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6742 of:0.1586 and:0.0541 in:0.0306 the:0.0165 that:0.0155 or:0.0153 with:0.0129 to:0.0113 is:0.0109 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.5127 of:0.1922 in:0.0604 the:0.0598 by:0.0501 to:0.0328 for:0.0302 on:0.0241 and:0.0201 he:0.0176 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.9432 time:0.0084 as:0.0083 able:0.0081 and:0.0078 right:0.0068 one:0.0045 enough:0.0045 order:0.0042 feet:0.0041 -:0.8683 in:0.0413 the:0.0194 by:0.0162 on:0.0115 to:0.0113 and:0.0093 that:0.0080 at:0.0077 for:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8119 the:0.0530 and:0.0460 of:0.0358 to:0.0153 a:0.0150 in:0.0081 or:0.0059 that:0.0051 which:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8629 and:0.0533 to:0.0192 out:0.0150 but:0.0100 was:0.0095 it:0.0087 up:0.0081 him:0.0073 them:0.0061 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.6229 are:0.1292 have:0.0807 and:0.0420 to:0.0372 will:0.0270 had:0.0178 were:0.0170 do:0.0136 in:0.0126 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7339 and:0.0628 the:0.0578 of:0.0570 a:0.0286 to:0.0200 that:0.0135 in:0.0097 for:0.0084 his:0.0083 -to:0.2925 :0.5309 the:0.0283 and:0.0269 in:0.0241 out:0.0215 with:0.0210 on:0.0196 a:0.0188 into:0.0163 -:0.7477 and:0.0824 of:0.0643 is:0.0194 to:0.0170 the:0.0169 or:0.0152 in:0.0128 that:0.0125 was:0.0119 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8924 the:0.0185 and:0.0182 in:0.0159 to:0.0142 that:0.0103 be:0.0083 not:0.0082 a:0.0079 as:0.0061 -:0.7307 the:0.0879 and:0.0680 of:0.0506 in:0.0154 or:0.0137 a:0.0115 was:0.0077 for:0.0072 is:0.0072 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9183 and:0.0285 was:0.0090 is:0.0081 of:0.0080 the:0.0067 with:0.0061 went:0.0058 or:0.0056 are:0.0039 -:0.7738 had:0.0483 have:0.0414 are:0.0348 has:0.0256 was:0.0255 is:0.0182 were:0.0147 will:0.0120 would:0.0057 -:0.6637 and:0.0697 they:0.0661 we:0.0608 he:0.0466 is:0.0236 she:0.0196 who:0.0193 it:0.0156 be:0.0151 -:0.8405 time:0.0379 way:0.0300 person:0.0193 one:0.0170 right:0.0169 thing:0.0167 reason:0.0088 chance:0.0067 able:0.0063 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.6738 and:0.1742 to:0.0346 of:0.0339 in:0.0260 or:0.0190 for:0.0109 that:0.0099 at:0.0096 was:0.0081 -:0.9472 country:0.0079 law:0.0074 world:0.0072 city:0.0066 matter:0.0062 fact:0.0053 case:0.0047 people:0.0041 bill:0.0033 -:0.5414 of:0.1321 for:0.0879 to:0.0727 in:0.0374 with:0.0289 by:0.0265 and:0.0253 on:0.0239 from:0.0238 -:0.8984 been:0.0305 be:0.0141 and:0.0117 not:0.0097 made:0.0094 was:0.0087 had:0.0066 come:0.0060 more:0.0049 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.7674 that:0.0469 in:0.0392 to:0.0388 by:0.0235 for:0.0220 all:0.0186 at:0.0165 and:0.0136 the:0.0135 -:0.7896 and:0.0789 of:0.0360 is:0.0291 that:0.0130 are:0.0128 in:0.0125 but:0.0110 or:0.0106 described:0.0065 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -the:0.2525 :0.4762 a:0.1531 an:0.0399 in:0.0194 their:0.0171 to:0.0114 very:0.0113 his:0.0100 if:0.0091 -:0.8766 one:0.0365 all:0.0250 some:0.0174 many:0.0118 those:0.0117 any:0.0085 thousands:0.0044 him:0.0041 each:0.0040 -that:0.2704 :0.4300 of:0.1149 in:0.0668 what:0.0275 to:0.0216 by:0.0201 how:0.0183 for:0.0153 as:0.0152 -:0.8744 of:0.0492 and:0.0323 the:0.0143 or:0.0089 that:0.0053 which:0.0048 in:0.0039 to:0.0035 than:0.0035 -:0.8618 of:0.0614 and:0.0177 the:0.0152 to:0.0125 that:0.0070 in:0.0067 or:0.0066 are:0.0057 who:0.0055 -:0.9446 and:0.0111 one:0.0099 that:0.0098 out:0.0069 of:0.0043 part:0.0037 line:0.0035 all:0.0031 side:0.0031 -far:0.2855 :0.4042 long:0.0890 much:0.0851 well:0.0612 soon:0.0360 many:0.0125 that:0.0118 just:0.0082 fast:0.0064 -:0.6656 is:0.1315 and:0.0631 are:0.0546 was:0.0305 were:0.0142 has:0.0109 have:0.0102 as:0.0100 but:0.0094 -:0.7625 the:0.1568 a:0.0250 tho:0.0103 an:0.0099 this:0.0083 said:0.0074 it:0.0074 that:0.0068 his:0.0056 -:0.5477 of:0.2599 in:0.0538 and:0.0329 for:0.0251 that:0.0233 with:0.0179 to:0.0153 all:0.0128 by:0.0114 -:0.9154 same:0.0166 world:0.0140 people:0.0124 city:0.0115 case:0.0066 government:0.0063 time:0.0063 past:0.0055 court:0.0052 -:0.7915 a:0.0750 the:0.0650 that:0.0225 and:0.0111 so:0.0079 an:0.0077 of:0.0070 in:0.0062 as:0.0062 -of:0.1696 :0.4921 to:0.0864 that:0.0570 and:0.0521 in:0.0313 for:0.0295 with:0.0294 than:0.0285 by:0.0241 -:0.5796 to:0.1287 of:0.1202 and:0.0548 in:0.0334 from:0.0215 by:0.0201 for:0.0172 on:0.0136 with:0.0108 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7598 is:0.0725 was:0.0463 we:0.0193 they:0.0180 to:0.0176 he:0.0174 would:0.0172 it:0.0167 will:0.0153 -:0.8025 the:0.0614 a:0.0447 and:0.0348 is:0.0163 was:0.0106 this:0.0091 that:0.0077 are:0.0065 of:0.0064 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.8069 to:0.0779 and:0.0373 the:0.0168 by:0.0131 in:0.0120 of:0.0098 for:0.0097 that:0.0097 which:0.0068 -:0.8357 the:0.0965 and:0.0158 a:0.0155 an:0.0074 this:0.0065 one:0.0057 at:0.0057 more:0.0056 that:0.0055 -:0.7108 and:0.0935 of:0.0924 to:0.0314 in:0.0167 that:0.0126 is:0.0122 the:0.0119 was:0.0104 for:0.0082 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -not:0.6706 :0.2252 we:0.0233 you:0.0220 the:0.0132 they:0.0121 this:0.0116 it:0.0089 so:0.0071 a:0.0060 -:0.8738 dollars:0.0424 and:0.0227 of:0.0125 feet:0.0115 to:0.0099 men:0.0083 years:0.0070 or:0.0064 who:0.0055 -of:0.3717 :0.4188 the:0.0510 in:0.0367 and:0.0329 to:0.0293 a:0.0178 that:0.0158 for:0.0133 by:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7467 to:0.0537 the:0.0475 in:0.0386 by:0.0283 and:0.0274 a:0.0208 for:0.0142 it:0.0118 of:0.0111 -:0.8294 him:0.0440 and:0.0274 together:0.0270 us:0.0172 me:0.0141 up:0.0113 them:0.0111 years:0.0093 it:0.0092 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7469 of:0.0659 the:0.0647 and:0.0272 to:0.0241 a:0.0233 for:0.0160 by:0.0126 in:0.0105 with:0.0087 -:0.6626 of:0.1323 and:0.0470 in:0.0407 to:0.0406 the:0.0229 more:0.0167 from:0.0133 as:0.0125 by:0.0114 -:0.7790 been:0.0642 in:0.0367 to:0.0364 made:0.0225 by:0.0159 not:0.0124 on:0.0113 for:0.0109 passed:0.0106 -:0.8076 it:0.0687 there:0.0430 be:0.0191 he:0.0146 what:0.0118 that:0.0112 only:0.0108 as:0.0081 know:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.6124 the:0.1960 of:0.0744 a:0.0304 in:0.0220 and:0.0195 an:0.0151 his:0.0120 or:0.0095 their:0.0087 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -the:0.3959 :0.3599 a:0.0980 said:0.0435 its:0.0222 tho:0.0214 his:0.0181 this:0.0164 tbe:0.0126 their:0.0121 -:0.7249 of:0.1359 in:0.0349 and:0.0183 the:0.0175 to:0.0156 is:0.0140 a:0.0138 with:0.0127 for:0.0125 -:0.6517 of:0.1651 to:0.0504 and:0.0437 the:0.0248 for:0.0157 in:0.0146 as:0.0130 or:0.0111 from:0.0099 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6817 and:0.0810 the:0.0694 of:0.0516 in:0.0402 his:0.0184 was:0.0181 or:0.0146 is:0.0137 for:0.0114 -of:0.2910 :0.4126 in:0.0867 on:0.0445 to:0.0384 for:0.0297 with:0.0268 and:0.0261 by:0.0251 from:0.0191 -:0.6927 not:0.1274 or:0.0414 more:0.0360 the:0.0241 two:0.0181 any:0.0169 no:0.0168 other:0.0145 so:0.0121 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -to:0.1725 :0.4231 that:0.1274 in:0.1100 for:0.0533 and:0.0327 with:0.0269 by:0.0248 from:0.0157 of:0.0135 -:0.6846 of:0.1198 and:0.0624 the:0.0529 to:0.0193 in:0.0171 a:0.0138 is:0.0103 at:0.0100 from:0.0098 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9578 great:0.0077 large:0.0064 little:0.0057 certain:0.0045 very:0.0044 man:0.0036 year:0.0033 most:0.0033 m:0.0032 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8346 and:0.0382 is:0.0295 as:0.0234 of:0.0202 was:0.0149 it:0.0121 or:0.0106 came:0.0087 are:0.0078 -:0.9225 most:0.0167 same:0.0103 other:0.0100 first:0.0089 great:0.0068 whole:0.0064 public:0.0063 new:0.0061 old:0.0060 -:0.9536 and:0.0151 together:0.0064 years:0.0042 man:0.0039 in:0.0037 connection:0.0036 compared:0.0033 parallel:0.0032 connected:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.7931 to:0.0611 and:0.0582 of:0.0467 in:0.0089 or:0.0078 from:0.0076 for:0.0068 the:0.0053 a:0.0046 -the:0.3911 :0.3910 his:0.0505 a:0.0420 their:0.0309 this:0.0303 our:0.0179 any:0.0175 her:0.0145 tho:0.0144 -:0.8014 the:0.0496 of:0.0341 that:0.0256 and:0.0213 a:0.0200 he:0.0181 in:0.0134 it:0.0087 be:0.0078 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.7368 been:0.1480 no:0.0225 the:0.0178 not:0.0168 a:0.0133 made:0.0131 to:0.0107 two:0.0106 done:0.0104 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9304 it:0.0237 there:0.0096 him:0.0072 that:0.0061 you:0.0055 them:0.0055 nothing:0.0041 as:0.0041 so:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6632 him:0.1056 them:0.1021 us:0.0538 me:0.0204 it:0.0186 which:0.0123 all:0.0083 and:0.0083 her:0.0075 -:0.9259 made:0.0143 followed:0.0121 accompanied:0.0086 owned:0.0076 it:0.0071 them:0.0066 that:0.0063 him:0.0059 secured:0.0056 -:0.8284 of:0.0398 and:0.0323 in:0.0261 to:0.0223 the:0.0192 for:0.0089 that:0.0085 is:0.0075 was:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -the:0.4281 :0.4612 a:0.0258 tho:0.0219 their:0.0167 his:0.0139 tbe:0.0088 any:0.0087 an:0.0078 our:0.0073 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9487 city:0.0083 case:0.0082 matter:0.0067 people:0.0053 purpose:0.0049 end:0.0047 time:0.0046 way:0.0044 state:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8319 of:0.0393 and:0.0345 the:0.0212 be:0.0162 not:0.0161 any:0.0112 in:0.0102 as:0.0097 or:0.0096 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -of:0.4325 :0.3615 for:0.0616 and:0.0450 the:0.0243 in:0.0238 or:0.0215 is:0.0103 from:0.0099 to:0.0095 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -:0.6554 be:0.1804 have:0.0599 not:0.0509 bo:0.0178 he:0.0091 the:0.0082 do:0.0066 take:0.0064 make:0.0052 -:0.5181 of:0.3095 and:0.0715 with:0.0321 to:0.0135 in:0.0135 the:0.0118 or:0.0110 from:0.0098 that:0.0093 -:0.5215 to:0.1690 of:0.0997 in:0.0663 and:0.0335 for:0.0276 from:0.0268 on:0.0250 at:0.0184 that:0.0123 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.8072 and:0.0429 to:0.0356 he:0.0301 the:0.0243 a:0.0163 was:0.0123 be:0.0113 we:0.0106 they:0.0094 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -to:0.7174 :0.1800 the:0.0245 in:0.0162 a:0.0122 of:0.0113 with:0.0099 by:0.0097 and:0.0095 that:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.8513 people:0.0547 men:0.0418 man:0.0226 woman:0.0056 person:0.0055 law:0.0050 farmers:0.0048 persons:0.0045 farmer:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7428 as:0.0520 such:0.0368 in:0.0366 for:0.0313 by:0.0261 with:0.0255 to:0.0189 at:0.0150 that:0.0149 -a:0.3166 :0.5837 the:0.0333 so:0.0156 made:0.0150 found:0.0090 is:0.0082 held:0.0065 was:0.0063 said:0.0057 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -had:0.1856 not:0.1603 :0.3514 always:0.0769 already:0.0641 ever:0.0507 never:0.0406 been:0.0311 has:0.0219 have:0.0175 -:0.9428 time:0.0098 people:0.0093 city:0.0083 same:0.0066 world:0.0057 country:0.0049 amount:0.0047 man:0.0042 work:0.0039 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7478 of:0.1067 and:0.0390 to:0.0294 the:0.0177 in:0.0135 for:0.0130 that:0.0122 is:0.0111 was:0.0096 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6090 it:0.1726 he:0.0596 there:0.0454 that:0.0365 and:0.0293 which:0.0197 as:0.0112 she:0.0099 who:0.0068 -:0.7775 the:0.0370 to:0.0370 and:0.0330 of:0.0303 that:0.0233 in:0.0224 for:0.0159 by:0.0142 a:0.0094 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7353 was:0.0565 is:0.0483 and:0.0373 has:0.0357 had:0.0281 have:0.0219 are:0.0144 be:0.0141 were:0.0086 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -be:0.4992 :0.3132 been:0.0692 have:0.0470 bo:0.0282 only:0.0145 know:0.0082 he:0.0075 are:0.0074 so:0.0057 -of:0.4325 :0.4628 in:0.0274 time:0.0190 and:0.0159 on:0.0117 with:0.0112 to:0.0071 from:0.0065 that:0.0058 -:0.5587 and:0.3002 to:0.0271 will:0.0239 is:0.0209 of:0.0175 was:0.0171 are:0.0135 were:0.0113 but:0.0099 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.5389 :0.2882 a:0.0445 his:0.0304 their:0.0223 tho:0.0200 any:0.0197 an:0.0139 tbe:0.0113 its:0.0107 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.8478 made:0.0365 found:0.0190 held:0.0169 used:0.0163 done:0.0133 paid:0.0132 engaged:0.0128 placed:0.0127 taken:0.0114 -the:0.5719 :0.1968 this:0.1150 said:0.0382 tho:0.0238 a:0.0214 our:0.0117 any:0.0089 his:0.0070 their:0.0055 -:0.6541 a:0.1098 the:0.0856 and:0.0512 to:0.0484 of:0.0121 is:0.0114 was:0.0105 will:0.0087 as:0.0081 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7947 and:0.0457 if:0.0324 that:0.0307 of:0.0240 to:0.0196 which:0.0173 as:0.0132 for:0.0114 by:0.0109 -:0.9326 and:0.0351 that:0.0078 which:0.0053 of:0.0043 he:0.0033 to:0.0033 who:0.0030 it:0.0029 the:0.0024 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -in:0.1660 :0.4187 to:0.0919 for:0.0571 by:0.0563 of:0.0550 that:0.0539 on:0.0495 and:0.0269 at:0.0248 -:0.7165 the:0.1325 a:0.0513 this:0.0260 and:0.0186 to:0.0138 of:0.0118 in:0.0113 that:0.0111 tho:0.0070 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -be:0.6902 :0.1743 bo:0.0560 have:0.0477 he:0.0129 lie:0.0065 do:0.0048 been:0.0027 the:0.0027 ho:0.0023 -:0.7101 to:0.1278 we:0.0487 and:0.0296 they:0.0193 will:0.0182 not:0.0159 who:0.0130 you:0.0095 would:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5707 as:0.1996 the:0.0866 so:0.0389 is:0.0279 are:0.0222 his:0.0157 and:0.0152 very:0.0116 its:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9033 and:0.0419 as:0.0109 of:0.0108 to:0.0086 number:0.0069 in:0.0048 the:0.0047 line:0.0043 time:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7739 the:0.0749 of:0.0328 and:0.0293 a:0.0275 in:0.0221 to:0.0158 are:0.0086 will:0.0083 that:0.0069 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9312 same:0.0165 said:0.0113 first:0.0079 most:0.0069 only:0.0063 best:0.0062 great:0.0051 last:0.0043 present:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3178 :0.4694 in:0.0489 and:0.0402 for:0.0289 to:0.0220 on:0.0217 by:0.0216 at:0.0155 from:0.0140 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5679 well:0.1940 soon:0.0910 far:0.0445 much:0.0308 it:0.0261 long:0.0157 fast:0.0109 just:0.0107 possible:0.0084 -:0.9029 the:0.0255 of:0.0210 and:0.0186 a:0.0081 to:0.0054 in:0.0053 said:0.0051 for:0.0042 or:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8817 to:0.0316 and:0.0291 of:0.0121 will:0.0084 in:0.0083 was:0.0083 as:0.0070 is:0.0070 that:0.0065 -:0.8792 and:0.0373 him:0.0241 them:0.0163 or:0.0092 me:0.0081 us:0.0073 that:0.0070 it:0.0067 up:0.0048 -:0.5656 of:0.2122 in:0.0688 the:0.0568 and:0.0293 to:0.0186 a:0.0169 for:0.0136 or:0.0099 on:0.0082 -:0.6836 the:0.1691 and:0.0461 of:0.0303 in:0.0232 his:0.0138 a:0.0112 tho:0.0079 our:0.0074 their:0.0074 -:0.7355 be:0.0734 take:0.0557 the:0.0332 make:0.0267 not:0.0191 a:0.0167 bo:0.0138 give:0.0130 have:0.0130 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7063 of:0.1163 and:0.0626 to:0.0363 the:0.0306 that:0.0112 from:0.0104 or:0.0093 as:0.0087 in:0.0083 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6654 by:0.0608 in:0.0604 of:0.0496 with:0.0398 for:0.0345 that:0.0306 as:0.0244 such:0.0174 at:0.0171 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8344 and:0.0638 of:0.0366 in:0.0154 or:0.0094 which:0.0091 that:0.0088 to:0.0087 the:0.0083 on:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5455 the:0.2920 a:0.0538 his:0.0322 this:0.0185 tho:0.0136 their:0.0117 its:0.0110 her:0.0110 which:0.0107 -:0.6235 up:0.1084 out:0.0857 down:0.0630 and:0.0424 to:0.0257 off:0.0216 away:0.0108 that:0.0095 it:0.0093 -:0.8763 made:0.0326 given:0.0180 held:0.0129 done:0.0122 followed:0.0118 taken:0.0104 caused:0.0091 not:0.0085 appointed:0.0084 -of:0.4271 :0.3331 to:0.0939 and:0.0502 for:0.0269 in:0.0252 on:0.0136 is:0.0104 from:0.0100 was:0.0096 -:0.8595 hour:0.0914 inch:0.0085 act:0.0080 opportunity:0.0064 old:0.0061 action:0.0058 average:0.0050 increase:0.0048 iron:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9587 and:0.0119 it:0.0097 that:0.0040 was:0.0035 he:0.0031 of:0.0027 in:0.0026 which:0.0019 or:0.0019 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4696 is:0.1034 are:0.0874 to:0.0822 was:0.0675 will:0.0647 were:0.0390 and:0.0306 can:0.0280 would:0.0276 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -a:0.4058 :0.3822 in:0.0576 that:0.0423 and:0.0242 to:0.0234 of:0.0228 with:0.0149 from:0.0140 the:0.0128 -:0.8651 been:0.0385 be:0.0322 in:0.0143 the:0.0122 to:0.0103 and:0.0101 had:0.0071 have:0.0054 made:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -that:0.2243 to:0.0980 :0.4153 by:0.0719 in:0.0394 and:0.0363 at:0.0325 for:0.0320 with:0.0284 from:0.0217 -:0.8233 the:0.0365 less:0.0301 more:0.0219 two:0.0202 to:0.0167 other:0.0154 otherwise:0.0139 by:0.0120 not:0.0098 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.8882 the:0.0393 and:0.0126 be:0.0109 to:0.0102 that:0.0090 it:0.0083 a:0.0079 not:0.0069 by:0.0068 -:0.8168 the:0.0675 and:0.0414 a:0.0173 of:0.0167 in:0.0107 he:0.0077 this:0.0075 was:0.0073 his:0.0072 -:0.6756 those:0.1876 men:0.0688 all:0.0179 persons:0.0126 one:0.0118 people:0.0088 others:0.0067 the:0.0051 man:0.0051 -:0.5648 which:0.1744 that:0.1216 what:0.0372 whom:0.0228 said:0.0210 the:0.0184 fact:0.0143 all:0.0139 and:0.0117 -:0.7444 to:0.0817 in:0.0505 have:0.0217 that:0.0201 and:0.0189 on:0.0183 of:0.0167 know:0.0165 with:0.0111 -:0.8811 not:0.0295 now:0.0292 found:0.0100 only:0.0090 situated:0.0086 held:0.0084 made:0.0082 also:0.0080 that:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6329 which:0.1098 and:0.1059 to:0.0383 that:0.0353 of:0.0182 or:0.0171 will:0.0171 but:0.0129 if:0.0125 -:0.5889 of:0.2132 and:0.0734 in:0.0345 for:0.0217 on:0.0178 to:0.0166 the:0.0129 with:0.0113 at:0.0097 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.3383 a:0.2694 :0.2552 this:0.0525 his:0.0193 every:0.0180 one:0.0136 per:0.0119 said:0.0110 any:0.0107 -:0.7107 and:0.0716 of:0.0710 or:0.0323 was:0.0303 in:0.0190 is:0.0166 to:0.0165 for:0.0165 are:0.0154 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8012 and:0.0374 of:0.0295 that:0.0269 the:0.0228 in:0.0227 to:0.0178 for:0.0173 a:0.0150 he:0.0094 -:0.7166 the:0.1008 been:0.0785 a:0.0529 to:0.0127 it:0.0089 in:0.0087 that:0.0076 no:0.0069 an:0.0065 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -of:0.3079 :0.5061 the:0.0477 in:0.0287 and:0.0285 a:0.0242 that:0.0201 to:0.0140 it:0.0131 for:0.0098 -:0.7275 and:0.1052 in:0.0345 of:0.0286 but:0.0233 is:0.0220 so:0.0205 at:0.0154 to:0.0133 for:0.0099 -:0.7775 and:0.0568 to:0.0326 was:0.0266 be:0.0243 he:0.0194 is:0.0180 have:0.0158 will:0.0146 has:0.0145 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.8511 and:0.0482 is:0.0186 was:0.0181 that:0.0126 to:0.0120 he:0.0100 of:0.0099 are:0.0097 will:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8666 be:0.0263 come:0.0175 him:0.0163 work:0.0146 vote:0.0137 go:0.0130 provide:0.0113 pay:0.0104 look:0.0102 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7765 he:0.0628 and:0.0273 they:0.0258 it:0.0241 we:0.0193 that:0.0189 who:0.0170 which:0.0164 she:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.5861 the:0.1335 to:0.0930 of:0.0485 and:0.0373 that:0.0309 a:0.0264 in:0.0156 for:0.0146 it:0.0139 -:0.6472 of:0.1079 and:0.0818 the:0.0467 to:0.0435 by:0.0157 that:0.0153 for:0.0147 which:0.0139 or:0.0130 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.6075 to:0.1451 the:0.0964 a:0.0454 in:0.0263 by:0.0208 from:0.0153 that:0.0146 up:0.0146 on:0.0141 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0843 in:0.0687 is:0.0313 if:0.0269 all:0.0246 on:0.0214 by:0.0175 for:0.0170 at:0.0162 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8222 is:0.0572 and:0.0407 as:0.0272 was:0.0119 are:0.0093 but:0.0084 or:0.0079 seemed:0.0077 from:0.0076 -:0.6313 th:0.1917 next:0.0413 first:0.0394 same:0.0284 said:0.0165 last:0.0158 st:0.0129 whole:0.0119 second:0.0107 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7086 of:0.1060 and:0.0431 in:0.0346 for:0.0301 on:0.0193 than:0.0178 or:0.0176 with:0.0118 to:0.0110 -:0.7501 and:0.0750 of:0.0483 the:0.0414 to:0.0262 or:0.0147 that:0.0147 in:0.0131 a:0.0109 with:0.0056 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8693 much:0.0291 little:0.0290 large:0.0164 good:0.0131 well:0.0113 great:0.0093 and:0.0075 small:0.0075 a:0.0075 -:0.9024 and:0.0183 day:0.0156 time:0.0155 of:0.0143 to:0.0126 in:0.0062 is:0.0057 year:0.0056 the:0.0037 -will:0.3344 may:0.1297 :0.2077 would:0.0782 should:0.0677 shall:0.0430 can:0.0414 must:0.0395 might:0.0337 could:0.0247 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5638 of:0.1171 is:0.0730 in:0.0581 was:0.0506 as:0.0325 and:0.0322 for:0.0292 to:0.0263 with:0.0171 -:0.9457 the:0.0139 it:0.0100 them:0.0065 him:0.0061 all:0.0051 this:0.0038 two:0.0037 more:0.0027 her:0.0025 -:0.7238 the:0.1307 and:0.0371 a:0.0359 of:0.0338 for:0.0092 to:0.0080 in:0.0076 is:0.0072 was:0.0067 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.7658 of:0.0711 more:0.0406 to:0.0261 as:0.0239 the:0.0232 and:0.0196 in:0.0123 better:0.0088 that:0.0087 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -:0.7730 and:0.0795 of:0.0414 in:0.0274 to:0.0264 that:0.0127 as:0.0126 for:0.0098 with:0.0086 or:0.0086 -:0.8334 and:0.0520 the:0.0353 of:0.0296 a:0.0156 to:0.0100 in:0.0078 as:0.0061 or:0.0050 for:0.0050 -:0.9342 men:0.0125 people:0.0105 and:0.0098 there:0.0086 they:0.0059 which:0.0051 officers:0.0051 efforts:0.0044 we:0.0041 -:0.8202 the:0.0633 a:0.0442 in:0.0184 that:0.0140 made:0.0109 to:0.0088 and:0.0073 no:0.0071 an:0.0059 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7701 he:0.0625 ago:0.0532 and:0.0446 who:0.0161 she:0.0143 that:0.0137 it:0.0111 there:0.0075 as:0.0069 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8105 in:0.0469 of:0.0292 on:0.0237 to:0.0204 by:0.0158 for:0.0155 that:0.0135 and:0.0130 at:0.0115 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8693 much:0.0291 little:0.0290 large:0.0164 good:0.0131 well:0.0113 great:0.0093 and:0.0075 small:0.0075 a:0.0075 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9448 and:0.0177 was:0.0070 with:0.0049 put:0.0048 the:0.0045 for:0.0042 it:0.0041 passed:0.0041 is:0.0039 -:0.7735 of:0.0618 the:0.0547 and:0.0375 a:0.0167 in:0.0150 is:0.0123 to:0.0102 as:0.0091 this:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9290 him:0.0121 them:0.0111 able:0.0087 it:0.0083 as:0.0072 come:0.0068 made:0.0068 going:0.0052 known:0.0048 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.8794 as:0.0516 time:0.0145 order:0.0099 opportunity:0.0094 application:0.0077 way:0.0074 enough:0.0070 thing:0.0068 people:0.0061 -be:0.3426 :0.5205 not:0.0393 have:0.0276 bo:0.0225 he:0.0176 the:0.0155 make:0.0050 become:0.0049 take:0.0046 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8525 the:0.0412 a:0.0249 and:0.0206 that:0.0142 in:0.0124 by:0.0098 to:0.0091 at:0.0079 or:0.0074 -:0.7596 of:0.0774 and:0.0368 in:0.0337 the:0.0328 for:0.0137 to:0.0134 a:0.0129 that:0.0115 on:0.0082 -:0.6236 was:0.1028 is:0.0890 and:0.0671 be:0.0356 are:0.0310 were:0.0168 the:0.0134 have:0.0111 had:0.0097 -:0.9580 same:0.0085 people:0.0061 world:0.0048 public:0.0045 following:0.0042 highest:0.0039 government:0.0034 said:0.0034 whole:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.8202 the:0.0633 a:0.0442 in:0.0184 that:0.0140 made:0.0109 to:0.0088 and:0.0073 no:0.0071 an:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -is:0.1938 :0.4827 was:0.1320 has:0.0430 would:0.0395 will:0.0330 and:0.0280 to:0.0181 had:0.0149 be:0.0149 -of:0.1376 to:0.1185 :0.3529 for:0.0859 in:0.0731 on:0.0618 from:0.0592 by:0.0454 and:0.0362 with:0.0295 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -he:0.2978 they:0.1984 :0.2853 we:0.0881 she:0.0427 it:0.0421 ho:0.0150 you:0.0149 who:0.0081 is:0.0078 -:0.8840 to:0.0273 and:0.0241 the:0.0190 in:0.0112 a:0.0102 that:0.0084 him:0.0056 from:0.0051 by:0.0050 -the:0.7521 :0.1376 tho:0.0194 his:0.0177 our:0.0173 their:0.0141 tbe:0.0139 a:0.0131 its:0.0075 an:0.0074 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.7512 be:0.1156 not:0.0418 have:0.0254 that:0.0153 bo:0.0140 to:0.0110 say:0.0093 take:0.0086 find:0.0078 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8028 of:0.0737 and:0.0427 the:0.0161 in:0.0136 on:0.0117 or:0.0111 that:0.0102 with:0.0093 to:0.0087 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9595 time:0.0086 days:0.0077 day:0.0060 reason:0.0036 years:0.0036 point:0.0030 one:0.0029 way:0.0026 months:0.0026 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.9516 man:0.0072 year:0.0066 hundred:0.0065 long:0.0061 large:0.0056 good:0.0046 time:0.0041 matter:0.0039 little:0.0038 -:0.5170 of:0.2454 and:0.1187 in:0.0283 or:0.0244 for:0.0179 with:0.0136 are:0.0127 the:0.0121 is:0.0099 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.7503 in:0.0544 of:0.0507 and:0.0395 was:0.0377 is:0.0235 on:0.0117 for:0.0112 by:0.0106 are:0.0102 -a:0.3250 :0.4884 the:0.0416 of:0.0413 in:0.0362 by:0.0165 for:0.0139 and:0.0137 his:0.0127 such:0.0108 -:0.8811 not:0.0295 now:0.0292 found:0.0100 only:0.0090 situated:0.0086 held:0.0084 made:0.0082 also:0.0080 that:0.0080 -:0.9303 side:0.0122 line:0.0117 part:0.0087 and:0.0079 one:0.0068 out:0.0062 many:0.0058 number:0.0054 amount:0.0049 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7483 and:0.0778 which:0.0562 it:0.0478 he:0.0179 who:0.0148 there:0.0126 as:0.0088 but:0.0081 that:0.0077 -:0.6733 to:0.1205 of:0.0487 and:0.0431 the:0.0327 in:0.0282 a:0.0163 on:0.0143 for:0.0135 from:0.0094 -:0.8092 the:0.0715 that:0.0262 to:0.0242 a:0.0178 and:0.0149 in:0.0107 by:0.0100 for:0.0081 as:0.0074 -:0.7954 all:0.0503 that:0.0488 which:0.0400 and:0.0130 in:0.0113 by:0.0113 of:0.0107 on:0.0100 the:0.0091 -:0.9161 the:0.0330 a:0.0101 and:0.0099 of:0.0080 to:0.0076 in:0.0056 by:0.0035 other:0.0032 it:0.0030 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.6684 the:0.1163 a:0.0491 and:0.0306 in:0.0304 by:0.0304 to:0.0247 on:0.0184 from:0.0170 with:0.0147 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8346 year:0.0543 night:0.0197 and:0.0193 evening:0.0156 week:0.0129 of:0.0125 time:0.0117 is:0.0102 day:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6618 the:0.1654 of:0.0457 a:0.0371 and:0.0253 in:0.0149 to:0.0141 his:0.0135 tho:0.0117 no:0.0106 -:0.9699 in:0.0052 up:0.0044 and:0.0040 one:0.0034 it:0.0033 hundred:0.0031 home:0.0029 two:0.0021 year:0.0017 -:0.6509 the:0.0755 and:0.0608 of:0.0597 to:0.0555 a:0.0381 in:0.0266 for:0.0168 with:0.0080 or:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8413 them:0.0411 him:0.0357 it:0.0196 me:0.0194 us:0.0179 her:0.0099 one:0.0055 you:0.0053 which:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.6167 he:0.0822 they:0.0675 that:0.0461 and:0.0405 we:0.0360 it:0.0351 who:0.0284 there:0.0239 which:0.0236 -:0.8962 and:0.0261 to:0.0189 in:0.0187 that:0.0075 or:0.0070 of:0.0070 the:0.0068 is:0.0060 for:0.0059 -of:0.3304 :0.5236 and:0.0529 the:0.0236 in:0.0176 that:0.0129 to:0.0115 for:0.0104 as:0.0087 which:0.0085 -:0.7068 the:0.1352 and:0.0390 a:0.0350 his:0.0331 of:0.0165 in:0.0162 tho:0.0069 every:0.0058 for:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9294 and:0.0276 or:0.0078 it:0.0065 was:0.0063 men:0.0054 that:0.0047 is:0.0045 but:0.0042 situated:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.1782 :0.4725 be:0.1484 a:0.0819 any:0.0373 his:0.0256 this:0.0152 one:0.0148 their:0.0139 her:0.0122 -of:0.3986 in:0.1115 to:0.0676 :0.2418 and:0.0433 with:0.0327 by:0.0311 on:0.0297 as:0.0247 at:0.0190 -:0.7435 up:0.0559 him:0.0450 that:0.0443 out:0.0385 and:0.0185 them:0.0183 down:0.0127 us:0.0121 to:0.0111 -be:0.3426 :0.5205 not:0.0393 have:0.0276 bo:0.0225 he:0.0176 the:0.0155 make:0.0050 become:0.0049 take:0.0046 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6078 to:0.1059 that:0.0609 but:0.0548 and:0.0516 in:0.0372 if:0.0225 with:0.0210 for:0.0195 on:0.0188 -:0.9504 people:0.0128 law:0.0069 city:0.0056 world:0.0051 bill:0.0048 case:0.0044 government:0.0036 work:0.0032 same:0.0031 -:0.9450 hand:0.0123 men:0.0085 day:0.0055 things:0.0053 interest:0.0052 country:0.0048 hundred:0.0045 man:0.0045 times:0.0044 -:0.7213 the:0.1057 a:0.0732 and:0.0252 that:0.0212 he:0.0117 in:0.0109 be:0.0106 it:0.0103 said:0.0099 -of:0.1882 :0.4583 in:0.1095 to:0.0546 on:0.0410 and:0.0366 for:0.0338 with:0.0298 by:0.0243 from:0.0239 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8783 and:0.0385 it:0.0149 but:0.0112 up:0.0112 for:0.0104 or:0.0099 down:0.0086 him:0.0085 that:0.0084 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -be:0.5723 been:0.0892 :0.2373 bo:0.0465 only:0.0205 have:0.0204 so:0.0043 being:0.0034 not:0.0031 a:0.0029 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.7959 been:0.0651 had:0.0438 not:0.0161 did:0.0160 do:0.0149 made:0.0132 never:0.0118 done:0.0117 was:0.0116 -be:0.2108 have:0.1282 :0.3144 had:0.0776 is:0.0775 was:0.0700 has:0.0505 not:0.0468 bo:0.0131 and:0.0110 -:0.7329 other:0.0946 of:0.0668 one:0.0303 the:0.0221 a:0.0153 more:0.0131 and:0.0089 in:0.0082 very:0.0078 -:0.7067 taken:0.0622 made:0.0504 come:0.0460 been:0.0366 put:0.0302 brought:0.0210 passed:0.0189 given:0.0149 broken:0.0132 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4187 :0.4395 of:0.0497 a:0.0340 tho:0.0169 and:0.0128 his:0.0078 in:0.0078 this:0.0067 that:0.0061 -:0.6371 to:0.1066 of:0.0613 and:0.0488 the:0.0343 in:0.0306 by:0.0278 on:0.0201 as:0.0171 for:0.0163 -:0.7272 and:0.0605 was:0.0541 is:0.0399 have:0.0240 be:0.0239 has:0.0223 are:0.0180 he:0.0153 were:0.0148 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4643 :0.4062 his:0.0233 a:0.0218 in:0.0194 tho:0.0155 this:0.0151 no:0.0132 their:0.0114 such:0.0098 -:0.7545 and:0.0639 of:0.0582 in:0.0407 that:0.0196 the:0.0193 to:0.0145 was:0.0106 on:0.0094 at:0.0092 -in:0.1727 :0.4346 of:0.1135 on:0.0679 to:0.0515 by:0.0482 with:0.0321 that:0.0284 for:0.0264 from:0.0246 -:0.9496 and:0.0145 of:0.0104 or:0.0044 day:0.0042 men:0.0039 man:0.0034 the:0.0033 other:0.0032 county:0.0031 -:0.9119 went:0.0196 it:0.0115 able:0.0095 as:0.0085 is:0.0084 come:0.0082 according:0.0076 came:0.0075 began:0.0072 -:0.8115 able:0.0740 allowed:0.0251 made:0.0218 required:0.0175 given:0.0118 used:0.0114 compelled:0.0103 ready:0.0083 liable:0.0082 -:0.6558 and:0.0891 of:0.0821 at:0.0398 for:0.0371 in:0.0223 the:0.0213 or:0.0209 to:0.0176 from:0.0138 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -he:0.3216 :0.3865 they:0.0922 she:0.0584 we:0.0491 it:0.0383 ho:0.0239 there:0.0139 have:0.0088 which:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -the:0.1597 :0.5594 a:0.0861 an:0.0799 no:0.0407 not:0.0308 very:0.0135 that:0.0121 tho:0.0091 in:0.0089 -:0.5777 to:0.1455 and:0.0584 for:0.0548 that:0.0431 of:0.0361 as:0.0258 but:0.0207 in:0.0194 which:0.0185 -:0.9168 time:0.0207 day:0.0137 year:0.0127 man:0.0110 long:0.0061 week:0.0055 point:0.0053 thing:0.0041 matter:0.0041 -:0.5629 to:0.1929 the:0.0499 in:0.0402 and:0.0348 from:0.0330 by:0.0258 out:0.0222 a:0.0206 up:0.0177 -:0.7915 the:0.0971 a:0.0533 that:0.0112 of:0.0095 to:0.0089 one:0.0081 this:0.0074 it:0.0066 and:0.0064 -:0.8872 of:0.0401 in:0.0177 and:0.0145 to:0.0087 at:0.0075 the:0.0065 by:0.0063 is:0.0058 for:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7891 to:0.0518 and:0.0466 the:0.0383 of:0.0235 a:0.0189 that:0.0084 in:0.0081 will:0.0080 or:0.0073 -:0.6667 of:0.0723 and:0.0677 the:0.0377 is:0.0336 to:0.0326 that:0.0277 in:0.0222 for:0.0212 as:0.0183 -:0.8763 of:0.0673 and:0.0260 or:0.0057 time:0.0049 city:0.0045 as:0.0043 county:0.0042 in:0.0034 country:0.0033 -:0.8174 of:0.0693 and:0.0375 in:0.0189 to:0.0153 that:0.0114 with:0.0090 the:0.0088 or:0.0069 was:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8062 in:0.0578 of:0.0246 made:0.0237 on:0.0220 found:0.0154 for:0.0151 to:0.0138 at:0.0123 that:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4864 :0.2855 in:0.0572 and:0.0440 for:0.0309 to:0.0306 on:0.0298 with:0.0136 from:0.0130 ot:0.0090 -:0.9532 same:0.0118 first:0.0064 most:0.0050 people:0.0043 said:0.0043 best:0.0042 city:0.0040 latter:0.0034 next:0.0033 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.7988 than:0.0979 or:0.0211 of:0.0192 and:0.0172 to:0.0146 the:0.0124 a:0.0074 in:0.0065 for:0.0049 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -the:0.7042 :0.1527 his:0.0333 a:0.0329 tho:0.0215 an:0.0149 this:0.0149 its:0.0110 their:0.0086 no:0.0059 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8519 and:0.0371 of:0.0202 to:0.0169 have:0.0156 the:0.0138 is:0.0130 was:0.0128 in:0.0103 that:0.0085 -:0.8948 who:0.0198 men:0.0194 we:0.0193 they:0.0122 he:0.0096 people:0.0081 and:0.0063 which:0.0057 things:0.0048 -:0.5142 of:0.1154 in:0.1123 for:0.0779 the:0.0410 his:0.0404 on:0.0313 to:0.0251 and:0.0238 that:0.0188 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7722 and:0.0784 of:0.0399 in:0.0237 the:0.0182 to:0.0165 for:0.0143 at:0.0137 is:0.0123 that:0.0108 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9288 it:0.0220 to:0.0085 and:0.0078 there:0.0070 out:0.0056 him:0.0052 went:0.0051 that:0.0050 them:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.5733 a:0.2102 the:0.0659 to:0.0400 their:0.0250 they:0.0222 his:0.0200 we:0.0193 this:0.0149 and:0.0093 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9119 went:0.0196 it:0.0115 able:0.0095 as:0.0085 is:0.0084 come:0.0082 according:0.0076 came:0.0075 began:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9728 it:0.0071 him:0.0042 you:0.0027 all:0.0027 them:0.0026 in:0.0022 and:0.0022 up:0.0018 men:0.0017 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.9680 it:0.0080 other:0.0040 wife:0.0040 all:0.0038 in:0.0026 others:0.0026 then:0.0025 interest:0.0023 there:0.0021 -:0.6065 of:0.1229 the:0.0539 and:0.0479 in:0.0460 a:0.0439 to:0.0319 with:0.0184 for:0.0148 by:0.0138 -:0.6931 the:0.1782 a:0.0370 and:0.0231 of:0.0155 this:0.0123 tho:0.0120 to:0.0104 his:0.0104 that:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8251 and:0.0511 he:0.0221 which:0.0186 or:0.0172 we:0.0150 not:0.0140 who:0.0128 they:0.0120 was:0.0120 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8380 the:0.0612 and:0.0204 to:0.0133 is:0.0127 a:0.0121 in:0.0115 that:0.0106 was:0.0103 it:0.0098 -:0.5641 the:0.2853 a:0.0512 to:0.0231 his:0.0175 and:0.0172 tho:0.0132 that:0.0096 an:0.0094 their:0.0094 -:0.7512 to:0.0831 and:0.0808 will:0.0258 that:0.0209 for:0.0088 of:0.0082 as:0.0073 shall:0.0071 is:0.0067 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9080 of:0.0235 and:0.0207 to:0.0118 the:0.0109 or:0.0070 in:0.0055 a:0.0047 one:0.0043 is:0.0036 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8651 been:0.0385 be:0.0322 in:0.0143 the:0.0122 to:0.0103 and:0.0101 had:0.0071 have:0.0054 made:0.0048 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -the:0.0273 :0.9214 by:0.0117 in:0.0082 at:0.0069 upon:0.0055 an:0.0050 into:0.0050 with:0.0048 before:0.0043 -:0.8713 it:0.0337 him:0.0226 them:0.0152 and:0.0144 out:0.0120 as:0.0089 that:0.0075 up:0.0074 but:0.0070 -:0.8123 made:0.0513 given:0.0252 done:0.0223 held:0.0202 paid:0.0184 foreclosed:0.0131 followed:0.0128 found:0.0122 seen:0.0121 -:0.8916 and:0.0535 that:0.0164 the:0.0070 a:0.0067 it:0.0061 as:0.0051 he:0.0050 who:0.0045 of:0.0042 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8516 which:0.0606 it:0.0282 that:0.0191 order:0.0110 this:0.0090 and:0.0057 the:0.0055 what:0.0052 one:0.0041 -:0.9491 same:0.0108 people:0.0093 city:0.0058 men:0.0055 best:0.0054 world:0.0048 law:0.0039 th:0.0031 matter:0.0024 -:0.6697 the:0.0689 in:0.0635 that:0.0586 a:0.0426 to:0.0395 it:0.0190 and:0.0145 by:0.0121 on:0.0116 -:0.7932 the:0.0661 and:0.0420 of:0.0280 a:0.0233 to:0.0171 his:0.0121 or:0.0077 for:0.0054 was:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.8370 and:0.0702 of:0.0210 to:0.0178 the:0.0160 or:0.0107 in:0.0078 is:0.0068 was:0.0066 for:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8103 and:0.0323 in:0.0251 of:0.0240 the:0.0238 on:0.0225 was:0.0197 that:0.0167 is:0.0133 he:0.0122 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.5457 and:0.1312 of:0.0925 or:0.0437 the:0.0412 any:0.0397 in:0.0367 for:0.0309 many:0.0224 all:0.0161 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6275 the:0.1762 of:0.0634 a:0.0365 and:0.0319 his:0.0165 in:0.0163 for:0.0126 at:0.0101 their:0.0091 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8957 hour:0.0264 increase:0.0198 act:0.0148 article:0.0084 inch:0.0079 action:0.0079 interest:0.0071 opportunity:0.0063 order:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.8940 :0.0790 will:0.0094 and:0.0057 can:0.0035 we:0.0026 would:0.0022 for:0.0013 may:0.0012 should:0.0011 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9787 men:0.0033 country:0.0029 wife:0.0026 interest:0.0025 money:0.0022 hundred:0.0021 people:0.0021 hand:0.0019 city:0.0018 -:0.3680 that:0.1790 and:0.1479 as:0.0899 if:0.0598 when:0.0445 but:0.0331 where:0.0269 of:0.0257 which:0.0252 -:0.7264 of:0.0608 and:0.0532 who:0.0433 in:0.0271 to:0.0271 the:0.0169 is:0.0157 that:0.0149 was:0.0146 -as:0.5938 :0.3224 that:0.0202 and:0.0164 but:0.0129 before:0.0087 out:0.0074 if:0.0065 when:0.0063 because:0.0052 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -of:0.3760 :0.4520 and:0.0528 in:0.0290 to:0.0253 the:0.0170 or:0.0151 with:0.0121 that:0.0116 for:0.0092 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.3060 :0.4939 a:0.0602 their:0.0492 his:0.0192 any:0.0166 tho:0.0161 her:0.0155 its:0.0119 that:0.0114 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.9791 and:0.0045 one:0.0032 he:0.0026 it:0.0023 that:0.0018 all:0.0017 or:0.0017 men:0.0016 but:0.0013 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8728 and:0.0392 of:0.0256 to:0.0180 the:0.0163 a:0.0079 that:0.0068 or:0.0048 is:0.0043 was:0.0043 -by:0.2583 :0.3755 in:0.0627 from:0.0513 of:0.0491 for:0.0488 on:0.0440 at:0.0433 with:0.0424 to:0.0245 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.7135 was:0.0572 be:0.0480 he:0.0472 and:0.0283 had:0.0249 is:0.0227 have:0.0221 has:0.0217 we:0.0143 -to:0.6281 :0.1696 will:0.0572 may:0.0286 shall:0.0286 must:0.0248 should:0.0210 would:0.0203 can:0.0117 could:0.0101 -to:0.3392 :0.2556 will:0.1453 can:0.0558 may:0.0516 should:0.0448 shall:0.0381 would:0.0374 must:0.0200 could:0.0122 -:0.6156 the:0.1807 a:0.0663 and:0.0407 to:0.0298 this:0.0159 will:0.0143 no:0.0141 of:0.0126 his:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8449 the:0.0346 a:0.0309 in:0.0226 more:0.0212 be:0.0108 to:0.0091 and:0.0088 it:0.0086 that:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.5340 of:0.2545 the:0.0799 and:0.0316 in:0.0245 a:0.0182 with:0.0170 for:0.0150 is:0.0134 was:0.0119 -:0.9151 went:0.0231 and:0.0114 it:0.0093 him:0.0088 out:0.0077 came:0.0075 go:0.0060 up:0.0059 them:0.0053 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -the:0.2142 :0.4384 a:0.1398 his:0.0534 this:0.0362 her:0.0355 any:0.0269 every:0.0228 in:0.0174 an:0.0155 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5877 of:0.1742 to:0.1192 and:0.0606 in:0.0150 for:0.0115 the:0.0093 that:0.0088 or:0.0074 with:0.0065 -:0.7191 be:0.1583 have:0.0617 not:0.0166 bo:0.0143 the:0.0085 do:0.0067 and:0.0052 a:0.0051 take:0.0043 -:0.8763 made:0.0326 given:0.0180 held:0.0129 done:0.0122 followed:0.0118 taken:0.0104 caused:0.0091 not:0.0085 appointed:0.0084 -:0.8419 to:0.0479 the:0.0358 a:0.0269 and:0.0114 in:0.0099 that:0.0082 at:0.0063 on:0.0062 as:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9114 and:0.0305 he:0.0115 was:0.0082 it:0.0073 the:0.0069 of:0.0068 they:0.0062 a:0.0057 that:0.0055 -:0.6539 the:0.2180 a:0.0348 he:0.0200 it:0.0166 that:0.0130 tho:0.0125 to:0.0118 this:0.0101 an:0.0094 -:0.8664 is:0.0394 was:0.0329 had:0.0122 known:0.0112 has:0.0082 found:0.0081 went:0.0078 felt:0.0070 made:0.0067 -:0.8038 the:0.1011 to:0.0247 and:0.0186 by:0.0129 in:0.0095 a:0.0083 that:0.0080 all:0.0066 for:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8823 and:0.0376 or:0.0164 to:0.0127 came:0.0118 of:0.0109 in:0.0084 made:0.0075 took:0.0067 set:0.0058 -:0.5739 of:0.2311 and:0.0843 that:0.0252 as:0.0222 in:0.0159 the:0.0138 is:0.0118 or:0.0111 to:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9313 man:0.0282 he:0.0083 matter:0.0056 bill:0.0055 boy:0.0045 gentleman:0.0043 word:0.0042 year:0.0042 few:0.0038 -:0.8501 the:0.0311 which:0.0257 it:0.0241 they:0.0157 we:0.0135 he:0.0116 a:0.0106 you:0.0097 this:0.0081 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.9280 and:0.0145 as:0.0110 according:0.0083 feet:0.0077 is:0.0075 enough:0.0065 down:0.0063 it:0.0052 from:0.0050 -:0.9436 than:0.0319 hundred:0.0047 or:0.0045 long:0.0032 home:0.0029 up:0.0029 well:0.0021 and:0.0021 back:0.0021 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.7803 and:0.0867 of:0.0479 is:0.0152 to:0.0135 was:0.0122 that:0.0122 the:0.0118 in:0.0114 at:0.0089 -of:0.2876 in:0.1088 :0.3244 and:0.0480 to:0.0430 for:0.0403 from:0.0377 on:0.0375 with:0.0373 by:0.0355 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8220 of:0.0572 and:0.0313 the:0.0211 a:0.0164 that:0.0128 in:0.0126 with:0.0094 is:0.0088 or:0.0083 -:0.5978 and:0.1240 of:0.0771 that:0.0555 but:0.0414 to:0.0241 if:0.0238 which:0.0193 with:0.0190 as:0.0180 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.6362 the:0.2447 of:0.0475 and:0.0179 a:0.0152 tho:0.0123 his:0.0076 in:0.0070 an:0.0063 this:0.0053 -:0.9060 and:0.0388 of:0.0125 many:0.0120 in:0.0068 to:0.0067 or:0.0057 a:0.0044 deal:0.0041 for:0.0031 -:0.5654 be:0.2540 the:0.0685 not:0.0347 bo:0.0256 take:0.0190 have:0.0124 make:0.0082 a:0.0061 he:0.0059 -:0.6116 to:0.2197 on:0.0293 out:0.0261 the:0.0248 and:0.0217 in:0.0195 by:0.0178 into:0.0151 that:0.0145 -:0.8334 and:0.0301 it:0.0218 as:0.0203 one:0.0199 which:0.0194 that:0.0174 we:0.0150 they:0.0118 you:0.0108 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3815 :0.4706 his:0.0371 a:0.0288 that:0.0176 tho:0.0170 them:0.0153 her:0.0130 their:0.0097 our:0.0093 -:0.9254 people:0.0271 men:0.0117 farmers:0.0079 city:0.0066 boys:0.0049 world:0.0046 same:0.0044 children:0.0037 country:0.0037 -:0.9003 and:0.0209 went:0.0201 came:0.0145 was:0.0096 it:0.0077 are:0.0071 is:0.0070 set:0.0066 come:0.0062 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7672 and:0.0595 of:0.0531 to:0.0299 in:0.0197 is:0.0190 for:0.0187 with:0.0128 at:0.0108 from:0.0092 -:0.9366 was:0.0129 is:0.0122 up:0.0112 will:0.0055 out:0.0052 to:0.0045 in:0.0044 and:0.0039 him:0.0036 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.7690 the:0.0784 a:0.0526 and:0.0354 of:0.0225 was:0.0112 is:0.0084 his:0.0079 in:0.0077 as:0.0070 -:0.9355 own:0.0148 wife:0.0099 hand:0.0077 head:0.0071 face:0.0053 life:0.0050 home:0.0050 hands:0.0050 death:0.0047 -a:0.4221 :0.3239 no:0.1024 the:0.0783 not:0.0143 their:0.0141 been:0.0137 any:0.0118 an:0.0099 so:0.0093 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8268 in:0.0321 as:0.0275 by:0.0205 with:0.0205 that:0.0185 is:0.0175 was:0.0132 for:0.0128 to:0.0105 -:0.9029 the:0.0255 of:0.0210 and:0.0186 a:0.0081 to:0.0054 in:0.0053 said:0.0051 for:0.0042 or:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7197 not:0.0780 be:0.0507 see:0.0286 have:0.0275 find:0.0237 get:0.0221 in:0.0191 make:0.0191 with:0.0114 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.5567 in:0.0876 is:0.0666 with:0.0624 to:0.0547 for:0.0499 was:0.0354 by:0.0328 as:0.0274 and:0.0266 -:0.7086 to:0.1700 and:0.0790 of:0.0081 will:0.0074 or:0.0062 are:0.0057 in:0.0051 it:0.0050 but:0.0047 -the:0.6315 :0.2042 a:0.0487 his:0.0386 tho:0.0247 their:0.0136 tbe:0.0110 this:0.0109 its:0.0086 our:0.0082 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5679 well:0.1940 soon:0.0910 far:0.0445 much:0.0308 it:0.0261 long:0.0157 fast:0.0109 just:0.0107 possible:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7758 those:0.1120 men:0.0349 and:0.0272 all:0.0127 one:0.0113 persons:0.0076 man:0.0071 that:0.0062 but:0.0051 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.9535 him:0.0080 and:0.0080 them:0.0061 away:0.0053 came:0.0049 men:0.0042 interest:0.0034 feet:0.0034 or:0.0032 -:0.5196 of:0.2896 the:0.0549 and:0.0440 that:0.0167 or:0.0166 in:0.0166 for:0.0150 to:0.0148 a:0.0121 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -of:0.3781 :0.4676 in:0.0405 and:0.0332 to:0.0228 for:0.0137 the:0.0131 that:0.0111 on:0.0100 or:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.8750 that:0.0277 was:0.0178 is:0.0164 in:0.0149 are:0.0120 then:0.0112 so:0.0094 were:0.0083 it:0.0074 -the:0.3815 :0.4706 his:0.0371 a:0.0288 that:0.0176 tho:0.0170 them:0.0153 her:0.0130 their:0.0097 our:0.0093 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6962 the:0.1893 an:0.0265 a:0.0239 and:0.0208 of:0.0147 or:0.0130 his:0.0058 in:0.0052 this:0.0045 -of:0.2151 to:0.1376 in:0.0589 on:0.0524 :0.3784 with:0.0459 by:0.0328 from:0.0300 for:0.0247 and:0.0241 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8633 them:0.0290 him:0.0274 it:0.0159 said:0.0129 order:0.0123 which:0.0105 us:0.0096 me:0.0096 regard:0.0095 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6037 the:0.2482 of:0.0299 a:0.0203 it:0.0199 his:0.0185 that:0.0182 tho:0.0150 her:0.0144 him:0.0119 -:0.8177 go:0.0423 come:0.0338 him:0.0188 have:0.0164 try:0.0154 return:0.0150 them:0.0149 be:0.0138 appear:0.0118 -:0.5139 of:0.1325 in:0.0723 and:0.0631 from:0.0445 by:0.0438 with:0.0374 for:0.0374 on:0.0297 at:0.0253 -:0.7179 the:0.1309 a:0.0427 and:0.0342 of:0.0323 in:0.0107 this:0.0091 was:0.0081 is:0.0080 tho:0.0061 -:0.7555 and:0.0719 of:0.0536 is:0.0211 are:0.0205 was:0.0185 were:0.0177 will:0.0149 who:0.0141 in:0.0123 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8592 ago:0.0285 and:0.0269 as:0.0162 down:0.0146 enough:0.0133 from:0.0128 time:0.0114 back:0.0092 according:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4120 :0.4220 an:0.0930 tho:0.0138 of:0.0138 a:0.0123 his:0.0102 their:0.0099 two:0.0070 such:0.0060 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8427 and:0.0589 of:0.0273 to:0.0161 is:0.0122 that:0.0119 in:0.0087 was:0.0075 or:0.0074 a:0.0073 -:0.8447 same:0.0481 first:0.0264 public:0.0147 most:0.0143 said:0.0135 last:0.0117 following:0.0095 great:0.0089 next:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5270 to:0.1042 in:0.1027 of:0.0657 by:0.0614 from:0.0383 that:0.0310 on:0.0289 with:0.0242 for:0.0166 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6037 the:0.2482 of:0.0299 a:0.0203 it:0.0199 his:0.0185 that:0.0182 tho:0.0150 her:0.0144 him:0.0119 -:0.7256 the:0.1493 of:0.0290 a:0.0274 and:0.0157 that:0.0128 his:0.0125 this:0.0117 in:0.0083 tho:0.0077 -:0.8876 came:0.0251 went:0.0149 is:0.0132 are:0.0132 up:0.0109 it:0.0096 were:0.0086 of:0.0085 and:0.0084 -:0.7086 of:0.1060 and:0.0431 in:0.0346 for:0.0301 on:0.0193 than:0.0178 or:0.0176 with:0.0118 to:0.0110 -:0.9009 that:0.0244 and:0.0166 for:0.0128 all:0.0101 on:0.0097 to:0.0088 in:0.0063 it:0.0053 the:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8329 and:0.0374 of:0.0360 the:0.0242 is:0.0133 was:0.0129 for:0.0128 or:0.0110 with:0.0102 at:0.0094 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5692 of:0.2599 and:0.0672 the:0.0305 that:0.0186 in:0.0180 or:0.0106 for:0.0094 to:0.0092 which:0.0075 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -of:0.4938 :0.3606 and:0.0421 the:0.0291 in:0.0226 to:0.0127 by:0.0118 as:0.0102 for:0.0091 was:0.0079 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.5328 the:0.3077 a:0.0917 his:0.0171 tho:0.0145 this:0.0107 all:0.0071 our:0.0066 their:0.0061 that:0.0059 -:0.6331 that:0.0907 and:0.0541 but:0.0410 as:0.0406 if:0.0385 when:0.0310 which:0.0296 where:0.0236 because:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6685 in:0.0959 to:0.0839 that:0.0330 of:0.0259 on:0.0239 at:0.0224 not:0.0187 by:0.0150 for:0.0127 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7945 to:0.0598 and:0.0507 the:0.0174 in:0.0161 of:0.0155 as:0.0148 for:0.0137 from:0.0088 a:0.0087 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6731 the:0.1468 of:0.0738 and:0.0332 in:0.0284 with:0.0124 are:0.0103 his:0.0085 that:0.0068 a:0.0067 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.7033 the:0.1140 a:0.0850 and:0.0295 to:0.0234 an:0.0116 his:0.0097 of:0.0087 their:0.0075 our:0.0074 -:0.6376 of:0.1528 and:0.0854 to:0.0267 in:0.0262 for:0.0163 that:0.0157 the:0.0151 by:0.0138 at:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6571 was:0.0884 be:0.0730 is:0.0322 and:0.0316 are:0.0293 he:0.0280 have:0.0242 has:0.0183 were:0.0179 -:0.7267 of:0.0800 and:0.0785 in:0.0329 are:0.0195 is:0.0147 but:0.0125 from:0.0124 know:0.0114 to:0.0113 -:0.6024 be:0.2382 have:0.0348 not:0.0326 he:0.0296 the:0.0252 bo:0.0195 a:0.0073 it:0.0055 do:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.4451 to:0.1541 the:0.1277 in:0.0752 by:0.0417 and:0.0399 that:0.0391 on:0.0303 at:0.0294 a:0.0175 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -the:0.3474 :0.4035 a:0.0842 his:0.0410 their:0.0297 an:0.0230 tho:0.0202 to:0.0181 its:0.0172 this:0.0157 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6388 of:0.1725 and:0.0750 to:0.0323 in:0.0191 that:0.0142 the:0.0129 or:0.0118 for:0.0118 is:0.0116 -:0.7565 the:0.0714 a:0.0556 of:0.0551 and:0.0179 by:0.0112 in:0.0110 this:0.0079 with:0.0070 his:0.0065 -:0.9559 land:0.0059 city:0.0058 right:0.0057 people:0.0048 free:0.0047 bill:0.0046 world:0.0043 same:0.0042 law:0.0041 -:0.7098 the:0.0959 a:0.0504 to:0.0307 that:0.0259 in:0.0232 and:0.0177 by:0.0174 as:0.0169 at:0.0121 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8924 and:0.0353 day:0.0332 or:0.0088 to:0.0062 law:0.0056 of:0.0056 street:0.0046 said:0.0046 world:0.0036 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.4625 of:0.1722 to:0.0788 the:0.0704 for:0.0620 in:0.0547 and:0.0353 a:0.0295 at:0.0174 on:0.0173 -:0.7806 the:0.0429 to:0.0398 of:0.0374 and:0.0309 a:0.0195 in:0.0162 for:0.0127 that:0.0125 by:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8468 not:0.0649 a:0.0265 the:0.0195 in:0.0098 now:0.0074 and:0.0071 of:0.0066 more:0.0058 very:0.0056 -:0.9489 and:0.0093 feet:0.0078 went:0.0067 is:0.0052 right:0.0051 according:0.0048 able:0.0047 desire:0.0043 are:0.0031 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -the:0.4411 :0.4486 be:0.0231 his:0.0176 tho:0.0174 its:0.0122 a:0.0121 their:0.0118 our:0.0085 tbe:0.0076 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.9033 made:0.0170 held:0.0120 sold:0.0115 found:0.0105 paid:0.0099 seen:0.0095 done:0.0095 a:0.0088 placed:0.0079 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7156 th:0.0572 and:0.0449 of:0.0430 the:0.0387 that:0.0299 to:0.0250 a:0.0186 by:0.0149 from:0.0120 -:0.7898 been:0.1175 not:0.0215 come:0.0145 made:0.0127 done:0.0109 gone:0.0100 it:0.0094 served:0.0074 seen:0.0063 -:0.7619 a:0.1454 as:0.0249 an:0.0226 the:0.0212 other:0.0067 and:0.0053 of:0.0046 time:0.0042 city:0.0033 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8994 the:0.0257 of:0.0195 and:0.0148 in:0.0139 a:0.0103 on:0.0052 that:0.0052 said:0.0031 one:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6789 and:0.0969 of:0.0877 to:0.0219 in:0.0205 that:0.0204 at:0.0196 is:0.0189 for:0.0186 was:0.0167 -:0.6414 the:0.1105 by:0.0592 a:0.0444 to:0.0410 in:0.0320 that:0.0241 and:0.0220 as:0.0135 for:0.0118 -:0.7058 the:0.0970 of:0.0906 a:0.0280 and:0.0273 in:0.0206 at:0.0087 his:0.0080 with:0.0073 on:0.0066 -:0.7197 which:0.0626 whom:0.0491 that:0.0436 think:0.0300 what:0.0279 say:0.0234 do:0.0231 see:0.0107 be:0.0099 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8063 be:0.0426 make:0.0386 take:0.0222 the:0.0218 get:0.0165 give:0.0144 see:0.0134 have:0.0128 prevent:0.0115 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.8475 the:0.0502 and:0.0250 to:0.0184 a:0.0138 in:0.0116 of:0.0115 that:0.0098 at:0.0070 with:0.0052 -of:0.1658 :0.4455 in:0.0840 as:0.0648 for:0.0633 with:0.0407 and:0.0406 is:0.0337 was:0.0325 at:0.0291 -:0.8155 the:0.0496 and:0.0491 to:0.0238 of:0.0165 his:0.0124 was:0.0087 a:0.0086 in:0.0086 will:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6598 not:0.1674 the:0.0603 so:0.0335 it:0.0190 a:0.0179 this:0.0135 their:0.0105 and:0.0096 all:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5975 to:0.1881 and:0.0699 will:0.0414 would:0.0290 should:0.0211 shall:0.0148 the:0.0146 may:0.0121 not:0.0115 -:0.8736 out:0.0745 because:0.0119 one:0.0081 line:0.0065 day:0.0063 side:0.0054 all:0.0050 part:0.0044 and:0.0044 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -in:0.3145 to:0.1302 :0.3287 that:0.0630 on:0.0466 by:0.0279 with:0.0257 at:0.0227 for:0.0205 of:0.0204 -:0.7538 the:0.1050 a:0.0473 and:0.0353 his:0.0160 of:0.0132 their:0.0081 or:0.0078 to:0.0071 tho:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5935 of:0.1162 in:0.0607 and:0.0576 to:0.0564 the:0.0458 that:0.0252 for:0.0174 or:0.0156 is:0.0116 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8693 much:0.0529 many:0.0244 one:0.0159 full:0.0089 little:0.0082 part:0.0068 close:0.0049 few:0.0049 line:0.0039 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.8522 to:0.0321 and:0.0224 we:0.0193 the:0.0167 they:0.0139 two:0.0126 all:0.0117 a:0.0104 one:0.0086 -:0.6313 th:0.1917 next:0.0413 first:0.0394 same:0.0284 said:0.0165 last:0.0158 st:0.0129 whole:0.0119 second:0.0107 -:0.6095 in:0.1054 of:0.0781 to:0.0461 on:0.0414 at:0.0280 and:0.0269 from:0.0235 for:0.0215 upon:0.0196 -the:0.4574 :0.2959 a:0.0710 his:0.0500 this:0.0260 their:0.0253 its:0.0240 tho:0.0224 any:0.0143 an:0.0137 -the:0.5394 a:0.1191 :0.2314 his:0.0409 this:0.0157 tho:0.0150 their:0.0111 an:0.0100 any:0.0099 her:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8880 and:0.0354 is:0.0233 according:0.0114 from:0.0097 came:0.0066 down:0.0066 belonging:0.0065 went:0.0064 of:0.0062 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.5184 for:0.1656 in:0.0698 to:0.0530 and:0.0427 with:0.0391 of:0.0328 by:0.0311 that:0.0247 at:0.0227 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8950 and:0.0619 that:0.0074 of:0.0072 but:0.0066 the:0.0050 it:0.0048 to:0.0046 which:0.0038 with:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.7416 and:0.0968 as:0.0528 not:0.0363 is:0.0265 was:0.0130 but:0.0106 it:0.0083 of:0.0071 or:0.0069 -:0.7637 opportunity:0.0645 order:0.0464 effort:0.0308 appeal:0.0216 hour:0.0203 attempt:0.0192 equal:0.0170 act:0.0084 open:0.0081 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8621 we:0.0275 you:0.0249 he:0.0211 they:0.0173 it:0.0153 which:0.0104 and:0.0103 who:0.0057 one:0.0054 -the:0.6121 a:0.0755 :0.1628 his:0.0423 tho:0.0366 our:0.0234 their:0.0192 its:0.0132 this:0.0093 my:0.0056 -of:0.3257 :0.3121 and:0.0750 in:0.0676 for:0.0613 to:0.0489 with:0.0369 on:0.0275 at:0.0231 by:0.0217 -of:0.5512 :0.3041 and:0.0414 in:0.0261 that:0.0221 the:0.0173 to:0.0144 for:0.0093 with:0.0078 or:0.0063 -:0.8698 able:0.0330 not:0.0192 going:0.0137 made:0.0126 ready:0.0120 unable:0.0103 sent:0.0102 due:0.0097 compelled:0.0097 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.9077 year:0.0282 and:0.0183 few:0.0074 two:0.0072 one:0.0068 week:0.0067 up:0.0060 way:0.0058 time:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8430 and:0.0411 he:0.0319 who:0.0202 we:0.0134 that:0.0125 it:0.0115 they:0.0099 to:0.0090 which:0.0074 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.6529 to:0.1083 and:0.0444 in:0.0354 the:0.0344 by:0.0329 for:0.0288 that:0.0259 of:0.0188 a:0.0181 -:0.8452 the:0.0593 and:0.0201 all:0.0196 this:0.0163 a:0.0155 which:0.0094 said:0.0052 in:0.0050 an:0.0044 -he:0.3537 :0.2578 they:0.1219 we:0.0819 she:0.0637 it:0.0460 you:0.0321 there:0.0182 ho:0.0162 not:0.0086 -:0.8016 the:0.0940 a:0.0217 his:0.0197 by:0.0128 to:0.0119 that:0.0102 its:0.0100 tho:0.0095 for:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3024 :0.3582 or:0.1085 for:0.0844 and:0.0510 with:0.0252 at:0.0218 in:0.0194 the:0.0155 that:0.0136 -of:0.4210 :0.4533 and:0.0510 in:0.0208 to:0.0139 the:0.0090 is:0.0089 or:0.0081 ot:0.0074 on:0.0067 -:0.9579 and:0.0153 deal:0.0068 of:0.0060 many:0.0033 or:0.0023 way:0.0023 in:0.0022 work:0.0020 action:0.0019 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.8175 and:0.0911 but:0.0187 is:0.0160 just:0.0130 in:0.0107 or:0.0096 soon:0.0083 for:0.0076 well:0.0076 -:0.9124 hour:0.0416 old:0.0085 inch:0.0064 opportunity:0.0063 increase:0.0057 act:0.0048 average:0.0048 action:0.0048 eye:0.0046 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7275 and:0.0833 of:0.0682 was:0.0227 in:0.0223 is:0.0214 at:0.0154 the:0.0138 or:0.0131 are:0.0123 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7697 the:0.0832 a:0.0541 his:0.0287 her:0.0172 their:0.0113 tho:0.0102 its:0.0088 this:0.0087 them:0.0081 -:0.6973 the:0.1557 and:0.0377 of:0.0277 a:0.0214 his:0.0213 tho:0.0120 their:0.0096 in:0.0093 this:0.0081 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.3239 :0.4745 an:0.1013 the:0.0597 as:0.0100 tho:0.0074 this:0.0063 other:0.0061 old:0.0056 very:0.0051 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5300 the:0.2004 a:0.1020 and:0.0458 of:0.0436 his:0.0278 their:0.0160 tho:0.0127 in:0.0113 our:0.0103 -:0.9014 very:0.0242 great:0.0148 most:0.0115 first:0.0109 present:0.0081 same:0.0078 following:0.0075 other:0.0069 old:0.0068 -:0.7364 of:0.0835 and:0.0651 the:0.0307 in:0.0292 as:0.0156 for:0.0108 to:0.0108 at:0.0099 by:0.0081 -:0.8366 all:0.0524 that:0.0240 which:0.0194 in:0.0176 the:0.0155 him:0.0128 a:0.0092 them:0.0069 and:0.0057 -:0.5530 to:0.1547 of:0.0542 thence:0.0474 on:0.0446 from:0.0424 in:0.0383 and:0.0255 or:0.0216 wide:0.0182 -:0.9406 most:0.0119 same:0.0095 great:0.0078 public:0.0077 other:0.0055 best:0.0045 little:0.0045 first:0.0043 present:0.0038 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6041 the:0.1583 a:0.1165 his:0.0213 an:0.0208 him:0.0199 it:0.0168 that:0.0142 them:0.0141 her:0.0139 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -is:0.0303 :0.9126 be:0.0143 was:0.0124 are:0.0066 have:0.0064 has:0.0055 had:0.0042 were:0.0038 and:0.0038 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7137 the:0.1367 a:0.0373 and:0.0280 in:0.0251 his:0.0191 that:0.0117 this:0.0110 no:0.0088 so:0.0085 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7307 of:0.0902 and:0.0576 the:0.0446 in:0.0170 that:0.0167 to:0.0158 as:0.0100 for:0.0093 a:0.0082 -:0.9372 day:0.0107 use:0.0098 one:0.0093 part:0.0081 time:0.0058 corner:0.0050 cent:0.0049 value:0.0047 think:0.0045 -of:0.4659 :0.3339 in:0.0620 to:0.0311 and:0.0237 from:0.0210 at:0.0164 for:0.0159 with:0.0151 on:0.0151 -:0.9248 and:0.0316 of:0.0193 the:0.0052 man:0.0039 men:0.0037 other:0.0033 in:0.0031 time:0.0026 people:0.0024 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8548 in:0.0316 the:0.0296 and:0.0174 a:0.0148 to:0.0136 that:0.0115 for:0.0098 on:0.0086 be:0.0083 -:0.8589 such:0.0394 the:0.0207 that:0.0147 with:0.0136 a:0.0125 it:0.0121 him:0.0110 in:0.0087 as:0.0085 -:0.8810 m:0.0256 the:0.0249 of:0.0226 and:0.0151 in:0.0075 said:0.0066 to:0.0066 young:0.0053 little:0.0049 -:0.9526 hundred:0.0074 and:0.0072 days:0.0070 feet:0.0061 men:0.0048 in:0.0041 years:0.0039 to:0.0035 up:0.0034 -the:0.3134 :0.3630 a:0.0912 this:0.0516 his:0.0505 their:0.0426 said:0.0295 its:0.0290 our:0.0152 every:0.0140 -:0.6269 no:0.0963 been:0.0895 the:0.0832 a:0.0326 not:0.0186 made:0.0156 taken:0.0140 come:0.0127 an:0.0106 -:0.7704 the:0.0724 of:0.0557 and:0.0301 a:0.0202 or:0.0137 in:0.0105 to:0.0104 this:0.0089 for:0.0078 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.7309 and:0.0899 of:0.0852 the:0.0196 in:0.0180 to:0.0163 a:0.0120 are:0.0115 which:0.0083 who:0.0082 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -of:0.1982 :0.4152 to:0.1587 and:0.0752 in:0.0488 for:0.0347 on:0.0195 from:0.0174 or:0.0164 that:0.0157 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.5084 of:0.2759 in:0.0566 and:0.0441 to:0.0349 for:0.0208 is:0.0179 the:0.0144 by:0.0140 was:0.0130 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.4764 to:0.1205 in:0.1170 on:0.0493 by:0.0463 and:0.0400 with:0.0400 for:0.0394 of:0.0364 from:0.0346 -:0.9153 chance:0.0124 desire:0.0119 little:0.0098 time:0.0097 visit:0.0092 right:0.0091 letter:0.0083 bill:0.0079 fair:0.0063 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6644 to:0.0942 of:0.0779 and:0.0681 for:0.0205 is:0.0180 was:0.0167 or:0.0159 the:0.0134 as:0.0110 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7775 and:0.0568 to:0.0326 was:0.0266 be:0.0243 he:0.0194 is:0.0180 have:0.0158 will:0.0146 has:0.0145 -:0.8321 in:0.0306 to:0.0252 of:0.0242 and:0.0168 from:0.0164 on:0.0160 by:0.0142 as:0.0139 at:0.0104 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -will:0.3237 may:0.1395 should:0.0937 would:0.0877 can:0.0828 must:0.0544 shall:0.0512 could:0.0503 :0.0907 cannot:0.0261 -:0.7879 the:0.0347 to:0.0333 have:0.0272 are:0.0266 will:0.0260 and:0.0253 a:0.0164 that:0.0124 in:0.0102 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.6224 of:0.0774 the:0.0708 and:0.0645 to:0.0452 in:0.0334 a:0.0257 that:0.0224 for:0.0219 as:0.0164 -of:0.3462 :0.5028 and:0.0520 to:0.0226 or:0.0172 for:0.0161 in:0.0135 is:0.0105 the:0.0097 with:0.0095 -:0.8299 years:0.0368 of:0.0307 hundred:0.0216 or:0.0198 days:0.0138 weeks:0.0131 and:0.0130 months:0.0124 hours:0.0089 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.5441 and:0.1372 that:0.0761 which:0.0597 but:0.0474 as:0.0423 where:0.0344 of:0.0211 when:0.0206 if:0.0171 -:0.7660 and:0.0738 it:0.0367 which:0.0305 who:0.0231 of:0.0174 they:0.0173 as:0.0128 there:0.0117 that:0.0106 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6820 the:0.1854 a:0.0754 and:0.0158 this:0.0131 his:0.0068 of:0.0061 he:0.0061 tho:0.0047 an:0.0046 -:0.8924 the:0.0185 and:0.0182 in:0.0159 to:0.0142 that:0.0103 be:0.0083 not:0.0082 a:0.0079 as:0.0061 -:0.8428 few:0.0423 great:0.0242 little:0.0212 good:0.0182 very:0.0161 large:0.0128 new:0.0078 small:0.0074 certain:0.0073 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8943 not:0.0193 made:0.0162 held:0.0159 born:0.0128 found:0.0126 placed:0.0097 taken:0.0065 that:0.0064 put:0.0063 -:0.7307 and:0.0794 to:0.0733 of:0.0311 the:0.0306 for:0.0136 in:0.0123 will:0.0103 his:0.0094 is:0.0092 -:0.8926 and:0.0283 as:0.0166 be:0.0134 the:0.0107 was:0.0100 it:0.0082 he:0.0080 of:0.0063 is:0.0058 -the:0.4224 :0.4013 a:0.0548 his:0.0292 this:0.0222 tho:0.0219 our:0.0161 their:0.0123 tbe:0.0102 its:0.0097 -:0.8906 or:0.0232 days:0.0144 and:0.0144 years:0.0140 in:0.0106 the:0.0092 feet:0.0081 an:0.0078 miles:0.0076 -of:0.3165 :0.3747 with:0.0727 in:0.0634 and:0.0502 on:0.0384 to:0.0273 from:0.0203 at:0.0191 for:0.0175 -:0.9813 we:0.0035 they:0.0027 he:0.0025 above:0.0019 other:0.0017 were:0.0017 that:0.0016 who:0.0016 there:0.0016 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.6413 the:0.1762 a:0.0877 and:0.0317 of:0.0200 his:0.0125 this:0.0082 tho:0.0079 no:0.0075 their:0.0071 -:0.6778 of:0.1131 and:0.0837 the:0.0391 in:0.0260 to:0.0148 that:0.0134 for:0.0116 or:0.0103 by:0.0102 -:0.6089 be:0.2731 have:0.0483 bo:0.0208 not:0.0196 he:0.0085 the:0.0056 do:0.0055 and:0.0048 get:0.0048 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -:0.7871 the:0.0574 and:0.0488 of:0.0204 is:0.0177 that:0.0148 as:0.0143 was:0.0141 are:0.0133 or:0.0121 -:0.5958 the:0.2118 this:0.0535 a:0.0416 his:0.0319 it:0.0168 their:0.0147 that:0.0132 to:0.0103 tho:0.0103 -:0.5124 to:0.2098 of:0.0924 in:0.0576 from:0.0352 and:0.0301 for:0.0230 on:0.0196 by:0.0110 as:0.0089 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.8648 be:0.0449 him:0.0141 look:0.0124 them:0.0123 do:0.0122 sell:0.0106 appear:0.0100 come:0.0095 go:0.0091 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.8327 much:0.0968 right:0.0125 back:0.0122 little:0.0094 well:0.0093 good:0.0072 glad:0.0069 long:0.0065 far:0.0065 -:0.8549 and:0.0493 of:0.0298 in:0.0157 to:0.0125 as:0.0107 the:0.0086 was:0.0064 are:0.0063 is:0.0058 -the:0.2865 :0.4783 a:0.1127 no:0.0327 this:0.0282 of:0.0197 and:0.0133 tho:0.0112 an:0.0091 their:0.0082 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -of:0.6768 :0.1691 in:0.0389 and:0.0236 for:0.0229 from:0.0184 on:0.0164 ot:0.0136 to:0.0118 by:0.0083 -:0.5604 of:0.2849 and:0.0679 in:0.0238 to:0.0148 that:0.0118 for:0.0116 on:0.0089 the:0.0084 or:0.0076 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.7471 to:0.0962 and:0.0375 the:0.0225 of:0.0220 was:0.0218 is:0.0152 in:0.0134 will:0.0125 have:0.0119 -:0.8030 to:0.0438 the:0.0393 a:0.0301 in:0.0237 and:0.0227 for:0.0105 as:0.0099 on:0.0090 by:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8823 old:0.0290 enormous:0.0168 average:0.0139 hour:0.0132 own:0.0104 ordinary:0.0094 open:0.0090 equal:0.0088 excellent:0.0072 -to:0.7005 :0.1329 will:0.0484 would:0.0424 and:0.0246 or:0.0132 could:0.0120 shall:0.0107 should:0.0094 can:0.0057 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.4926 to:0.3814 and:0.0447 of:0.0421 for:0.0084 in:0.0077 the:0.0062 that:0.0059 with:0.0058 from:0.0052 -:0.7749 the:0.1141 a:0.0386 and:0.0233 his:0.0150 of:0.0104 in:0.0070 tho:0.0065 to:0.0060 their:0.0043 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -to:0.3277 will:0.1578 :0.1998 shall:0.0797 may:0.0746 should:0.0516 would:0.0408 can:0.0278 must:0.0241 could:0.0161 -:0.8524 and:0.0306 which:0.0200 who:0.0186 it:0.0159 of:0.0151 to:0.0131 that:0.0120 he:0.0115 we:0.0108 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.6456 to:0.1615 a:0.0789 the:0.0516 and:0.0199 will:0.0114 would:0.0090 not:0.0085 of:0.0070 his:0.0065 -:0.8051 are:0.0686 have:0.0290 were:0.0275 look:0.0151 do:0.0148 had:0.0115 will:0.0107 looked:0.0097 can:0.0080 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -the:0.2265 :0.5577 tho:0.0515 this:0.0350 his:0.0311 a:0.0297 their:0.0195 any:0.0173 our:0.0165 he:0.0152 -:0.8694 of:0.0466 and:0.0278 the:0.0135 or:0.0102 to:0.0083 that:0.0076 in:0.0076 for:0.0049 on:0.0040 -:0.9487 fact:0.0132 time:0.0108 said:0.0056 world:0.0041 course:0.0036 court:0.0036 use:0.0036 case:0.0035 end:0.0034 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -:0.5803 the:0.1886 a:0.1053 of:0.0447 and:0.0213 to:0.0196 tho:0.0123 his:0.0113 this:0.0096 in:0.0070 -:0.8218 and:0.0561 the:0.0329 of:0.0328 a:0.0133 is:0.0117 in:0.0098 with:0.0078 was:0.0072 be:0.0066 -:0.5063 of:0.2012 in:0.0558 and:0.0538 to:0.0466 is:0.0358 for:0.0319 with:0.0249 at:0.0232 that:0.0206 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9205 and:0.0167 just:0.0102 soon:0.0097 well:0.0095 described:0.0089 far:0.0083 known:0.0060 but:0.0052 is:0.0050 -:0.8115 able:0.0740 allowed:0.0251 made:0.0218 required:0.0175 given:0.0118 used:0.0114 compelled:0.0103 ready:0.0083 liable:0.0082 -of:0.2338 :0.3998 to:0.1385 for:0.0451 and:0.0423 with:0.0420 in:0.0392 is:0.0228 as:0.0197 was:0.0167 -:0.6849 the:0.1293 and:0.0481 of:0.0443 to:0.0356 a:0.0155 an:0.0140 for:0.0110 in:0.0101 tho:0.0070 -:0.6411 of:0.1416 and:0.0759 the:0.0391 in:0.0276 or:0.0184 that:0.0159 to:0.0142 for:0.0138 a:0.0123 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6599 of:0.1920 and:0.0440 to:0.0268 in:0.0202 per:0.0174 on:0.0121 for:0.0102 the:0.0089 that:0.0086 -:0.7090 six:0.0706 three:0.0606 two:0.0558 few:0.0226 the:0.0207 and:0.0195 four:0.0140 ten:0.0138 five:0.0134 -:0.7834 of:0.0819 and:0.0463 in:0.0225 to:0.0128 as:0.0127 the:0.0118 is:0.0113 that:0.0098 was:0.0073 -the:0.5682 :0.2750 a:0.0600 tho:0.0223 this:0.0146 their:0.0135 his:0.0125 tbe:0.0123 our:0.0117 said:0.0098 -:0.5174 of:0.3209 and:0.0586 to:0.0303 the:0.0159 for:0.0132 in:0.0130 that:0.0127 or:0.0103 is:0.0076 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.9274 in:0.0277 it:0.0100 up:0.0087 to:0.0048 down:0.0048 and:0.0044 out:0.0043 by:0.0040 him:0.0040 -:0.6748 the:0.1873 a:0.0390 and:0.0313 this:0.0160 an:0.0137 tho:0.0113 his:0.0096 that:0.0091 of:0.0079 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8414 make:0.0272 take:0.0247 get:0.0220 pay:0.0193 see:0.0153 keep:0.0147 give:0.0145 be:0.0109 put:0.0099 -:0.6332 of:0.1200 and:0.0844 in:0.0387 with:0.0264 by:0.0255 to:0.0223 for:0.0199 at:0.0179 the:0.0117 -to:0.5219 :0.2741 will:0.0560 may:0.0385 a:0.0287 would:0.0271 it:0.0156 they:0.0149 well:0.0117 could:0.0115 -the:0.8385 :0.0692 tho:0.0266 a:0.0207 this:0.0110 his:0.0091 our:0.0070 their:0.0069 its:0.0061 tbe:0.0050 -:0.9739 men:0.0040 and:0.0035 wife:0.0034 years:0.0032 life:0.0027 dollars:0.0026 home:0.0024 friends:0.0022 in:0.0021 -:0.8045 we:0.0299 it:0.0269 he:0.0258 you:0.0243 they:0.0223 that:0.0196 and:0.0191 who:0.0149 which:0.0128 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9221 same:0.0163 highest:0.0101 first:0.0096 best:0.0085 most:0.0082 great:0.0069 whole:0.0069 city:0.0064 new:0.0050 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.7753 and:0.0559 or:0.0353 is:0.0339 of:0.0272 the:0.0213 no:0.0144 was:0.0135 a:0.0128 are:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5044 a:0.2202 the:0.1934 this:0.0190 to:0.0135 of:0.0114 their:0.0112 his:0.0095 and:0.0090 in:0.0085 -:0.7171 the:0.0775 of:0.0714 and:0.0399 a:0.0223 was:0.0207 in:0.0182 is:0.0121 his:0.0106 or:0.0103 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -a:0.2629 the:0.1871 :0.3923 in:0.0443 by:0.0256 to:0.0243 his:0.0215 on:0.0200 that:0.0120 and:0.0101 -:0.8149 to:0.0347 this:0.0317 which:0.0263 the:0.0261 order:0.0188 that:0.0183 all:0.0118 it:0.0110 and:0.0064 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.7503 the:0.1151 of:0.0482 at:0.0268 and:0.0183 in:0.0099 to:0.0095 a:0.0077 for:0.0076 said:0.0066 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.5676 not:0.2899 the:0.0660 a:0.0152 it:0.0136 he:0.0135 that:0.0133 you:0.0080 and:0.0068 be:0.0063 -:0.6284 to:0.1727 the:0.0489 and:0.0479 of:0.0312 as:0.0175 in:0.0168 from:0.0133 by:0.0125 a:0.0108 -:0.8840 to:0.0273 and:0.0241 the:0.0190 in:0.0112 a:0.0102 that:0.0084 him:0.0056 from:0.0051 by:0.0050 -:0.9578 and:0.0172 one:0.0038 or:0.0036 that:0.0035 was:0.0033 out:0.0032 it:0.0032 is:0.0022 day:0.0021 -the:0.4678 :0.3989 his:0.0346 a:0.0240 tbe:0.0161 this:0.0136 our:0.0120 much:0.0119 many:0.0107 its:0.0104 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7766 the:0.0629 a:0.0437 more:0.0328 in:0.0237 to:0.0171 and:0.0150 on:0.0108 of:0.0107 at:0.0067 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8470 of:0.0644 and:0.0338 to:0.0128 that:0.0106 in:0.0077 or:0.0069 the:0.0065 times:0.0053 from:0.0050 -:0.9710 property:0.0050 and:0.0036 men:0.0035 children:0.0034 day:0.0031 water:0.0027 home:0.0027 people:0.0025 city:0.0025 -:0.9078 the:0.0304 a:0.0220 and:0.0095 in:0.0058 he:0.0053 to:0.0051 an:0.0049 of:0.0047 that:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.6356 :0.1754 in:0.0607 to:0.0440 on:0.0208 and:0.0201 from:0.0125 with:0.0113 that:0.0099 ot:0.0096 -the:0.3123 :0.5195 this:0.0567 a:0.0295 his:0.0212 tho:0.0183 our:0.0162 their:0.0095 no:0.0087 said:0.0081 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5477 of:0.2599 in:0.0538 and:0.0329 for:0.0251 that:0.0233 with:0.0179 to:0.0153 all:0.0128 by:0.0114 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5676 not:0.2899 the:0.0660 a:0.0152 it:0.0136 he:0.0135 that:0.0133 you:0.0080 and:0.0068 be:0.0063 -:0.9080 to:0.0198 and:0.0158 the:0.0135 of:0.0100 it:0.0092 will:0.0083 in:0.0068 was:0.0046 or:0.0038 -:0.8743 other:0.0246 of:0.0207 time:0.0153 two:0.0145 one:0.0136 and:0.0109 the:0.0108 little:0.0080 way:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5456 of:0.1475 and:0.0610 in:0.0464 with:0.0448 for:0.0398 to:0.0368 as:0.0335 is:0.0239 at:0.0208 -:0.7787 the:0.1214 a:0.0205 no:0.0169 and:0.0133 in:0.0118 his:0.0111 for:0.0094 of:0.0086 he:0.0083 -:0.9038 failed:0.0186 as:0.0133 come:0.0111 made:0.0097 had:0.0094 returned:0.0093 began:0.0085 tried:0.0082 seemed:0.0081 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6892 the:0.0770 of:0.0726 and:0.0618 in:0.0308 with:0.0236 or:0.0129 to:0.0120 by:0.0117 his:0.0085 -:0.9489 and:0.0093 feet:0.0078 went:0.0067 is:0.0052 right:0.0051 according:0.0048 able:0.0047 desire:0.0043 are:0.0031 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6518 of:0.0961 in:0.0799 for:0.0489 and:0.0447 that:0.0181 or:0.0167 at:0.0155 on:0.0147 with:0.0136 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.9106 and:0.0493 but:0.0074 that:0.0073 or:0.0056 time:0.0049 day:0.0043 years:0.0039 days:0.0036 which:0.0033 -:0.5207 from:0.0805 in:0.0756 of:0.0733 for:0.0625 on:0.0481 and:0.0478 to:0.0476 upon:0.0225 at:0.0215 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5452 of:0.0989 and:0.0862 is:0.0849 was:0.0698 are:0.0386 or:0.0227 were:0.0191 a:0.0183 the:0.0163 -:0.6744 of:0.0851 and:0.0732 that:0.0431 but:0.0284 in:0.0254 as:0.0213 for:0.0207 on:0.0145 which:0.0140 -:0.8620 three:0.0213 early:0.0210 old:0.0204 ten:0.0194 average:0.0169 acre:0.0132 two:0.0094 four:0.0083 excellent:0.0080 -:0.7200 the:0.1920 he:0.0134 said:0.0132 his:0.0111 their:0.0107 a:0.0107 it:0.0103 tho:0.0101 was:0.0084 -:0.8899 them:0.0338 him:0.0311 her:0.0100 us:0.0094 the:0.0066 it:0.0060 me:0.0051 land:0.0049 free:0.0031 -:0.9075 owned:0.0147 followed:0.0124 made:0.0105 accompanied:0.0098 and:0.0097 or:0.0095 caused:0.0092 prescribed:0.0092 him:0.0076 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8890 and:0.0418 the:0.0238 a:0.0176 of:0.0074 that:0.0056 or:0.0042 this:0.0038 was:0.0035 in:0.0032 -:0.6717 of:0.1089 and:0.1009 which:0.0340 that:0.0201 or:0.0151 but:0.0141 to:0.0137 for:0.0116 it:0.0101 -:0.9107 the:0.0408 it:0.0081 and:0.0070 any:0.0063 be:0.0061 an:0.0055 her:0.0053 a:0.0053 he:0.0049 -:0.8133 the:0.0666 he:0.0247 to:0.0177 a:0.0170 in:0.0149 that:0.0148 and:0.0116 as:0.0106 it:0.0087 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8908 far:0.0176 and:0.0141 soon:0.0137 him:0.0120 well:0.0118 it:0.0109 so:0.0107 is:0.0096 but:0.0088 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.8985 and:0.0347 the:0.0183 of:0.0131 as:0.0080 in:0.0076 for:0.0053 was:0.0052 that:0.0047 his:0.0044 -:0.5064 in:0.1529 to:0.1167 from:0.0520 of:0.0360 by:0.0301 on:0.0291 upon:0.0272 at:0.0260 and:0.0235 -:0.6872 the:0.1650 a:0.0330 his:0.0275 in:0.0203 tho:0.0170 to:0.0148 other:0.0136 their:0.0115 its:0.0099 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.7300 the:0.1132 a:0.0620 and:0.0200 it:0.0167 of:0.0153 that:0.0125 in:0.0104 their:0.0102 to:0.0096 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6781 it:0.0938 they:0.0381 he:0.0369 and:0.0366 there:0.0359 you:0.0256 we:0.0244 which:0.0221 who:0.0085 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6795 the:0.1023 of:0.0587 to:0.0452 and:0.0412 in:0.0269 a:0.0148 his:0.0135 their:0.0100 for:0.0081 -of:0.4980 :0.2460 to:0.0815 and:0.0453 for:0.0345 in:0.0344 with:0.0237 by:0.0134 that:0.0126 at:0.0105 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -of:0.3675 :0.4552 and:0.0644 in:0.0328 for:0.0239 on:0.0123 the:0.0115 or:0.0110 with:0.0109 to:0.0107 -:0.5642 of:0.1279 is:0.0845 was:0.0819 and:0.0720 in:0.0218 or:0.0161 at:0.0109 but:0.0105 are:0.0103 -:0.7824 in:0.0511 any:0.0291 of:0.0291 if:0.0225 by:0.0222 to:0.0186 that:0.0172 for:0.0141 all:0.0137 -:0.9578 and:0.0172 one:0.0038 or:0.0036 that:0.0035 was:0.0033 out:0.0032 it:0.0032 is:0.0022 day:0.0021 -:0.6056 and:0.0918 are:0.0914 is:0.0544 of:0.0435 was:0.0386 have:0.0235 has:0.0206 were:0.0177 had:0.0129 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.7467 the:0.0943 a:0.0569 this:0.0187 by:0.0169 in:0.0144 her:0.0142 to:0.0141 any:0.0123 tho:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8198 of:0.0382 and:0.0377 in:0.0274 to:0.0198 the:0.0190 that:0.0119 by:0.0095 with:0.0086 as:0.0080 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.6351 of:0.1486 and:0.0538 in:0.0471 the:0.0363 or:0.0194 to:0.0183 that:0.0179 a:0.0123 for:0.0111 -:0.6413 the:0.1762 a:0.0877 and:0.0317 of:0.0200 his:0.0125 this:0.0082 tho:0.0079 no:0.0075 their:0.0071 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.7814 to:0.0452 and:0.0385 as:0.0263 that:0.0250 in:0.0247 the:0.0214 by:0.0173 for:0.0127 at:0.0076 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7901 is:0.0655 and:0.0344 as:0.0261 are:0.0211 was:0.0161 it:0.0138 or:0.0130 came:0.0101 according:0.0099 -of:0.2573 :0.4560 the:0.0716 and:0.0568 was:0.0320 is:0.0296 a:0.0272 as:0.0241 to:0.0235 in:0.0219 -:0.4948 and:0.1644 to:0.0904 of:0.0792 is:0.0447 was:0.0316 or:0.0312 in:0.0275 as:0.0183 for:0.0180 -:0.6700 last:0.1122 the:0.1027 and:0.0282 at:0.0217 that:0.0192 a:0.0163 of:0.0163 or:0.0067 in:0.0066 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.6308 that:0.1649 the:0.0533 a:0.0339 to:0.0330 it:0.0293 of:0.0182 he:0.0134 in:0.0124 they:0.0106 -:0.6997 the:0.1690 a:0.0376 of:0.0292 and:0.0220 to:0.0148 or:0.0080 his:0.0071 tho:0.0067 tbe:0.0059 -:0.9680 it:0.0080 other:0.0040 wife:0.0040 all:0.0038 in:0.0026 others:0.0026 then:0.0025 interest:0.0023 there:0.0021 -:0.7912 it:0.0881 there:0.0385 which:0.0190 and:0.0187 he:0.0118 as:0.0108 that:0.0093 what:0.0078 who:0.0049 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7333 of:0.0939 and:0.0758 in:0.0253 to:0.0149 at:0.0147 was:0.0135 or:0.0100 as:0.0097 is:0.0089 -to:0.5510 :0.3422 will:0.0363 and:0.0234 would:0.0189 should:0.0072 shall:0.0060 may:0.0052 of:0.0048 could:0.0048 -:0.8165 the:0.0509 to:0.0364 a:0.0210 and:0.0194 in:0.0167 that:0.0145 of:0.0088 by:0.0083 for:0.0076 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7672 and:0.0595 of:0.0531 to:0.0299 in:0.0197 is:0.0190 for:0.0187 with:0.0128 at:0.0108 from:0.0092 -:0.9667 men:0.0071 wife:0.0040 hundred:0.0040 and:0.0039 it:0.0030 life:0.0029 feet:0.0029 in:0.0028 people:0.0027 -it:0.2486 he:0.2395 :0.3258 there:0.0826 she:0.0551 ho:0.0141 they:0.0094 you:0.0089 lie:0.0085 this:0.0074 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6521 the:0.1636 a:0.0739 and:0.0248 of:0.0217 in:0.0196 his:0.0165 this:0.0097 no:0.0096 tho:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7121 and:0.0695 a:0.0543 the:0.0497 of:0.0444 to:0.0371 was:0.0108 in:0.0099 or:0.0062 will:0.0061 -:0.7151 years:0.0690 months:0.0487 days:0.0402 hundred:0.0270 or:0.0229 of:0.0227 weeks:0.0203 and:0.0173 times:0.0167 -:0.5816 the:0.1464 that:0.0782 a:0.0549 th:0.0330 this:0.0320 and:0.0214 every:0.0210 per:0.0166 by:0.0148 -has:0.3754 :0.3906 have:0.0709 had:0.0672 having:0.0429 that:0.0178 lias:0.0138 not:0.0077 and:0.0074 ha:0.0062 -:0.6234 the:0.1349 a:0.0562 him:0.0524 it:0.0392 them:0.0287 her:0.0219 an:0.0155 his:0.0149 this:0.0128 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8179 and:0.0505 is:0.0215 are:0.0206 was:0.0198 he:0.0179 have:0.0150 be:0.0139 who:0.0131 had:0.0096 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.5992 to:0.2594 of:0.0341 and:0.0280 will:0.0266 the:0.0180 would:0.0116 that:0.0088 may:0.0075 in:0.0068 -:0.6659 of:0.1337 and:0.0581 in:0.0391 the:0.0236 for:0.0200 to:0.0196 on:0.0159 that:0.0125 is:0.0115 -the:0.3817 :0.4686 a:0.0383 his:0.0253 tho:0.0210 our:0.0199 their:0.0158 said:0.0117 such:0.0089 its:0.0088 -:0.7738 had:0.0483 have:0.0414 are:0.0348 has:0.0256 was:0.0255 is:0.0182 were:0.0147 will:0.0120 would:0.0057 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -to:0.4121 :0.3912 not:0.1225 now:0.0294 we:0.0129 also:0.0092 still:0.0068 a:0.0068 often:0.0046 that:0.0045 -:0.6456 of:0.0839 in:0.0797 and:0.0623 for:0.0250 that:0.0241 to:0.0217 on:0.0212 by:0.0184 at:0.0180 -:0.6661 the:0.1900 and:0.0323 a:0.0297 of:0.0261 in:0.0147 was:0.0129 this:0.0110 or:0.0087 be:0.0084 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.9486 most:0.0114 said:0.0073 best:0.0062 following:0.0054 same:0.0050 general:0.0043 great:0.0042 first:0.0039 public:0.0037 -:0.5014 to:0.1971 will:0.0745 can:0.0604 would:0.0391 not:0.0326 could:0.0276 we:0.0267 and:0.0261 may:0.0146 -:0.8560 great:0.0378 good:0.0295 little:0.0213 very:0.0189 large:0.0089 certain:0.0077 better:0.0075 small:0.0070 short:0.0055 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.7388 the:0.1000 as:0.0572 to:0.0343 and:0.0213 a:0.0118 his:0.0108 for:0.0095 in:0.0093 of:0.0070 -:0.4954 that:0.1820 and:0.0801 to:0.0658 of:0.0608 but:0.0335 as:0.0265 for:0.0219 when:0.0171 where:0.0170 -:0.6138 the:0.1218 a:0.1206 per:0.0325 of:0.0261 to:0.0224 and:0.0219 his:0.0161 this:0.0128 or:0.0121 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -that:0.2695 :0.4659 to:0.0564 which:0.0472 what:0.0410 as:0.0399 and:0.0288 him:0.0182 us:0.0166 when:0.0165 -:0.8513 people:0.0547 men:0.0418 man:0.0226 woman:0.0056 person:0.0055 law:0.0050 farmers:0.0048 persons:0.0045 farmer:0.0042 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.8072 other:0.0692 of:0.0396 one:0.0277 time:0.0121 and:0.0104 more:0.0095 person:0.0090 the:0.0086 kind:0.0068 -:0.7970 the:0.0350 was:0.0318 of:0.0312 in:0.0296 and:0.0204 had:0.0160 with:0.0144 has:0.0128 will:0.0118 -:0.8391 and:0.0278 as:0.0276 up:0.0261 him:0.0157 it:0.0142 them:0.0141 from:0.0134 down:0.0114 is:0.0106 -:0.7648 the:0.0571 of:0.0493 to:0.0310 and:0.0237 a:0.0197 in:0.0163 for:0.0138 with:0.0125 that:0.0119 -:0.6464 the:0.2231 a:0.0630 it:0.0125 an:0.0106 this:0.0096 his:0.0096 tho:0.0091 their:0.0090 he:0.0072 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.9036 and:0.0265 is:0.0135 was:0.0108 which:0.0083 has:0.0079 not:0.0078 that:0.0078 who:0.0072 he:0.0066 -:0.6446 of:0.1477 and:0.1031 with:0.0226 the:0.0197 in:0.0184 to:0.0145 for:0.0114 that:0.0103 from:0.0078 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.5232 be:0.1375 have:0.1343 had:0.0453 been:0.0341 is:0.0330 are:0.0285 has:0.0242 never:0.0201 were:0.0197 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5922 in:0.0987 of:0.0651 is:0.0534 as:0.0444 was:0.0363 with:0.0338 for:0.0300 at:0.0240 to:0.0221 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.8078 the:0.0559 that:0.0432 and:0.0242 his:0.0142 with:0.0140 which:0.0119 at:0.0105 all:0.0101 of:0.0082 -:0.5707 to:0.2841 and:0.0619 of:0.0306 the:0.0141 will:0.0103 or:0.0083 was:0.0078 would:0.0064 is:0.0058 -:0.5477 of:0.1910 to:0.0604 and:0.0566 the:0.0487 a:0.0408 for:0.0193 or:0.0146 that:0.0116 with:0.0093 -:0.8694 hour:0.0665 as:0.0254 that:0.0085 interview:0.0059 acre:0.0059 and:0.0057 order:0.0046 hich:0.0042 if:0.0040 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8123 made:0.0513 given:0.0252 done:0.0223 held:0.0202 paid:0.0184 foreclosed:0.0131 followed:0.0128 found:0.0122 seen:0.0121 -:0.6958 he:0.0839 and:0.0604 which:0.0335 it:0.0251 they:0.0245 that:0.0223 who:0.0192 we:0.0182 has:0.0171 -:0.9134 of:0.0386 important:0.0103 the:0.0090 and:0.0087 in:0.0053 a:0.0049 other:0.0035 little:0.0033 to:0.0030 -:0.7683 of:0.1276 the:0.0208 and:0.0178 for:0.0137 all:0.0112 from:0.0106 in:0.0101 on:0.0101 by:0.0097 -:0.8001 take:0.0387 make:0.0387 give:0.0291 get:0.0238 keep:0.0184 see:0.0137 be:0.0133 do:0.0132 hold:0.0110 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9372 and:0.0313 of:0.0068 as:0.0051 or:0.0049 was:0.0035 the:0.0030 is:0.0030 in:0.0026 that:0.0026 -:0.7007 and:0.0586 for:0.0568 in:0.0395 of:0.0370 or:0.0272 at:0.0264 to:0.0208 by:0.0191 with:0.0140 -:0.7877 and:0.0529 in:0.0317 of:0.0271 to:0.0252 was:0.0230 is:0.0206 or:0.0148 for:0.0090 the:0.0080 -the:0.5968 :0.2498 a:0.0654 tho:0.0167 his:0.0162 their:0.0149 tbe:0.0123 in:0.0099 an:0.0090 its:0.0090 -:0.7369 and:0.0494 was:0.0474 is:0.0388 the:0.0295 he:0.0274 had:0.0209 has:0.0197 be:0.0156 have:0.0143 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9489 and:0.0093 feet:0.0078 went:0.0067 is:0.0052 right:0.0051 according:0.0048 able:0.0047 desire:0.0043 are:0.0031 -:0.5840 of:0.0847 for:0.0843 in:0.0576 to:0.0484 and:0.0357 at:0.0306 that:0.0259 by:0.0250 with:0.0238 -:0.6394 the:0.1600 and:0.0722 of:0.0381 to:0.0232 he:0.0225 in:0.0155 his:0.0121 this:0.0088 no:0.0083 -:0.8420 and:0.0317 came:0.0217 him:0.0197 in:0.0165 them:0.0149 are:0.0142 it:0.0133 out:0.0133 up:0.0126 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8572 of:0.0430 to:0.0251 and:0.0247 in:0.0102 that:0.0099 from:0.0086 the:0.0083 a:0.0066 as:0.0065 -:0.6706 as:0.1817 and:0.0323 be:0.0245 the:0.0234 that:0.0174 to:0.0161 it:0.0119 for:0.0114 is:0.0107 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6873 he:0.1160 it:0.1060 there:0.0236 that:0.0211 she:0.0158 and:0.0120 which:0.0076 ho:0.0056 be:0.0051 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.6288 as:0.0616 we:0.0571 that:0.0522 and:0.0427 which:0.0413 they:0.0406 it:0.0346 who:0.0230 you:0.0183 -:0.9685 hundred:0.0054 and:0.0041 in:0.0036 it:0.0033 hand:0.0032 to:0.0032 night:0.0031 for:0.0030 down:0.0026 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6835 for:0.0615 of:0.0565 to:0.0535 and:0.0507 by:0.0228 at:0.0198 in:0.0198 from:0.0193 but:0.0128 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6430 he:0.1085 it:0.0846 that:0.0517 and:0.0331 they:0.0243 there:0.0147 which:0.0144 as:0.0130 we:0.0129 -:0.8719 and:0.0430 is:0.0239 was:0.0146 it:0.0110 he:0.0092 be:0.0080 are:0.0079 were:0.0055 that:0.0049 -that:0.2220 :0.5914 of:0.0478 what:0.0389 a:0.0225 and:0.0200 how:0.0186 in:0.0155 as:0.0120 not:0.0114 -:0.6864 of:0.1273 and:0.0588 to:0.0408 the:0.0243 was:0.0221 by:0.0111 is:0.0104 or:0.0100 are:0.0088 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6796 we:0.1222 they:0.0587 to:0.0276 who:0.0256 would:0.0242 will:0.0181 you:0.0169 that:0.0145 not:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8151 and:0.0613 of:0.0270 to:0.0236 in:0.0197 that:0.0191 the:0.0120 for:0.0080 by:0.0073 from:0.0068 -:0.5980 the:0.1703 a:0.0678 him:0.0497 it:0.0299 them:0.0243 his:0.0161 her:0.0160 me:0.0151 this:0.0128 -:0.9522 it:0.0093 men:0.0070 him:0.0064 them:0.0049 in:0.0046 years:0.0043 up:0.0043 hundred:0.0041 times:0.0029 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.4339 and:0.1118 was:0.0957 that:0.0822 of:0.0793 is:0.0551 were:0.0371 who:0.0361 are:0.0354 he:0.0333 -was:0.2449 had:0.1629 is:0.1508 :0.3496 has:0.0482 would:0.0115 not:0.0085 can:0.0081 waa:0.0077 will:0.0077 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.7770 and:0.0675 the:0.0590 to:0.0192 was:0.0175 be:0.0156 is:0.0120 his:0.0116 or:0.0109 of:0.0097 -of:0.2074 :0.4927 as:0.0841 in:0.0568 with:0.0342 to:0.0306 for:0.0264 is:0.0245 and:0.0221 on:0.0211 -:0.7715 few:0.0934 good:0.0230 little:0.0219 dozen:0.0204 great:0.0197 small:0.0151 large:0.0150 certain:0.0101 hundred:0.0099 -:0.9006 out:0.0487 and:0.0114 one:0.0102 side:0.0063 line:0.0061 that:0.0051 part:0.0046 or:0.0037 day:0.0032 -:0.7044 the:0.1957 a:0.0295 said:0.0145 this:0.0140 tho:0.0126 his:0.0085 and:0.0073 an:0.0071 which:0.0064 -the:0.3286 :0.5365 his:0.0560 tho:0.0204 other:0.0149 its:0.0117 a:0.0104 their:0.0089 in:0.0065 her:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7935 favor:0.0664 order:0.0280 spite:0.0245 one:0.0232 all:0.0133 front:0.0129 some:0.0129 behalf:0.0127 any:0.0125 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8849 and:0.0269 of:0.0262 to:0.0148 the:0.0133 a:0.0087 in:0.0071 it:0.0067 as:0.0063 is:0.0051 -:0.6290 of:0.1435 the:0.0814 in:0.0413 this:0.0285 a:0.0263 and:0.0201 that:0.0132 by:0.0087 with:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5533 the:0.1230 by:0.0964 to:0.0725 that:0.0465 in:0.0392 and:0.0212 a:0.0179 him:0.0158 for:0.0140 -the:0.0113 no:0.0081 tho:0.0067 a:0.0059 their:0.0059 our:0.0048 of:0.0045 his:0.0044 its:0.0042 every:0.0039 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8273 of:0.0453 and:0.0379 to:0.0196 in:0.0140 by:0.0127 as:0.0125 that:0.0115 the:0.0103 for:0.0090 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8122 the:0.1071 a:0.0274 and:0.0151 of:0.0078 an:0.0072 in:0.0065 to:0.0063 tho:0.0054 tbe:0.0050 -:0.7879 the:0.0347 to:0.0333 have:0.0272 are:0.0266 will:0.0260 and:0.0253 a:0.0164 that:0.0124 in:0.0102 -by:0.1646 to:0.1463 :0.3244 that:0.1037 in:0.1021 on:0.0477 for:0.0367 with:0.0284 from:0.0231 at:0.0230 -:0.9348 and:0.0115 went:0.0076 it:0.0074 according:0.0073 able:0.0070 is:0.0070 came:0.0062 enough:0.0059 them:0.0053 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.7901 and:0.0592 is:0.0318 of:0.0217 the:0.0209 are:0.0172 was:0.0170 be:0.0160 to:0.0135 a:0.0126 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6951 of:0.0720 that:0.0717 and:0.0406 the:0.0325 in:0.0284 to:0.0209 as:0.0153 for:0.0118 he:0.0117 -:0.5308 as:0.1322 and:0.0709 so:0.0707 of:0.0501 that:0.0470 is:0.0360 too:0.0209 was:0.0209 but:0.0206 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8946 same:0.0179 whole:0.0176 most:0.0139 last:0.0106 new:0.0099 young:0.0097 first:0.0090 other:0.0088 great:0.0079 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6262 a:0.1159 is:0.0615 was:0.0524 the:0.0505 and:0.0366 are:0.0211 of:0.0129 be:0.0128 were:0.0102 -not:0.3168 be:0.1799 :0.3654 have:0.0695 bo:0.0302 never:0.0096 also:0.0079 he:0.0073 only:0.0069 always:0.0065 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5006 not:0.2051 be:0.1006 take:0.0885 have:0.0508 bo:0.0251 the:0.0098 to:0.0068 give:0.0063 do:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.6009 :0.2674 his:0.0292 tho:0.0260 a:0.0250 any:0.0121 least:0.0110 tbe:0.0104 our:0.0091 their:0.0089 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9436 man:0.0253 year:0.0062 war:0.0051 vote:0.0038 matter:0.0037 long:0.0032 way:0.0031 boy:0.0030 point:0.0030 -:0.8165 was:0.0464 had:0.0414 has:0.0195 is:0.0178 the:0.0159 of:0.0128 would:0.0109 will:0.0104 in:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7876 days:0.0495 years:0.0352 hundred:0.0244 hours:0.0226 weeks:0.0181 men:0.0173 months:0.0161 or:0.0150 times:0.0144 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.9115 and:0.0449 is:0.0083 to:0.0072 of:0.0067 that:0.0055 but:0.0051 was:0.0040 will:0.0036 in:0.0033 -:0.8977 and:0.0369 of:0.0150 as:0.0117 to:0.0104 time:0.0068 the:0.0063 that:0.0058 in:0.0049 way:0.0044 -:0.7570 the:0.0514 to:0.0477 and:0.0357 that:0.0266 a:0.0259 in:0.0175 of:0.0158 by:0.0120 as:0.0105 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7587 and:0.1019 of:0.0444 the:0.0191 in:0.0181 to:0.0160 is:0.0115 was:0.0111 by:0.0095 or:0.0095 -:0.8853 ith:0.0336 hich:0.0147 the:0.0138 to:0.0135 he:0.0093 ill:0.0083 that:0.0077 a:0.0073 and:0.0064 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.8632 and:0.0349 to:0.0308 of:0.0178 or:0.0138 the:0.0129 a:0.0084 in:0.0077 as:0.0066 for:0.0039 -:0.7364 will:0.0679 is:0.0392 to:0.0272 was:0.0272 would:0.0270 of:0.0215 and:0.0190 in:0.0174 may:0.0171 -:0.6226 the:0.1339 a:0.0939 it:0.0331 to:0.0311 that:0.0212 his:0.0176 them:0.0174 him:0.0155 in:0.0137 -:0.8425 and:0.0511 to:0.0275 was:0.0146 as:0.0119 of:0.0119 is:0.0114 that:0.0113 the:0.0092 he:0.0085 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9216 and:0.0166 of:0.0138 or:0.0122 a:0.0089 is:0.0087 in:0.0055 the:0.0045 was:0.0044 to:0.0039 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.8808 it:0.0386 which:0.0328 life:0.0094 land:0.0090 this:0.0084 what:0.0057 that:0.0055 he:0.0054 the:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4398 :0.3545 and:0.0660 from:0.0261 for:0.0236 or:0.0236 in:0.0188 the:0.0180 to:0.0173 with:0.0123 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9058 same:0.0206 great:0.0110 most:0.0109 present:0.0107 first:0.0096 said:0.0095 last:0.0080 two:0.0073 public:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4874 to:0.1139 in:0.0908 of:0.0895 from:0.0683 with:0.0375 by:0.0310 and:0.0295 that:0.0273 on:0.0250 -:0.8428 and:0.0373 was:0.0247 to:0.0190 is:0.0165 as:0.0138 he:0.0136 be:0.0135 it:0.0099 the:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9480 life:0.0133 father:0.0059 name:0.0051 man:0.0049 it:0.0047 he:0.0047 mother:0.0046 bill:0.0043 law:0.0043 -:0.7880 the:0.0511 to:0.0492 and:0.0399 a:0.0210 of:0.0203 is:0.0086 or:0.0077 was:0.0071 he:0.0071 -:0.7819 been:0.0705 to:0.0389 in:0.0303 made:0.0217 for:0.0212 not:0.0099 by:0.0096 about:0.0083 at:0.0077 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -the:0.3612 his:0.2412 :0.2417 their:0.0330 a:0.0264 our:0.0231 its:0.0216 my:0.0207 tho:0.0178 her:0.0132 -:0.5387 is:0.1577 and:0.0927 are:0.0744 which:0.0400 was:0.0301 but:0.0196 who:0.0183 were:0.0158 or:0.0125 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -in:0.1471 of:0.1349 to:0.1293 :0.3728 for:0.0454 by:0.0397 or:0.0385 at:0.0329 and:0.0318 that:0.0276 -:0.7244 of:0.0960 and:0.0557 the:0.0243 is:0.0186 that:0.0185 was:0.0183 in:0.0165 for:0.0149 to:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -:0.8397 the:0.0420 and:0.0293 any:0.0266 each:0.0196 or:0.0150 great:0.0076 section:0.0075 is:0.0064 way:0.0063 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -:0.6747 more:0.1725 less:0.0412 better:0.0343 as:0.0267 in:0.0151 worse:0.0103 to:0.0101 and:0.0077 by:0.0072 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6726 of:0.1597 the:0.0441 in:0.0351 and:0.0306 that:0.0150 at:0.0127 by:0.0117 to:0.0115 for:0.0070 -:0.6597 of:0.1391 and:0.1126 to:0.0296 in:0.0141 the:0.0119 for:0.0112 with:0.0078 is:0.0073 at:0.0068 -:0.7244 of:0.1154 and:0.0619 to:0.0288 the:0.0148 in:0.0146 or:0.0136 who:0.0112 is:0.0078 from:0.0077 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.9661 in:0.0062 out:0.0047 up:0.0044 here:0.0038 and:0.0035 made:0.0033 it:0.0033 men:0.0024 to:0.0023 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9045 it:0.0268 well:0.0239 follows:0.0104 possible:0.0070 to:0.0067 long:0.0062 he:0.0049 much:0.0048 a:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4489 of:0.1369 in:0.1290 to:0.0842 for:0.0467 by:0.0407 and:0.0316 with:0.0300 from:0.0269 on:0.0251 -:0.7411 and:0.0914 the:0.0400 of:0.0330 to:0.0293 in:0.0161 a:0.0132 with:0.0131 or:0.0117 is:0.0112 -:0.6893 of:0.1100 and:0.0778 in:0.0322 the:0.0270 to:0.0164 with:0.0161 are:0.0130 a:0.0094 that:0.0087 -:0.8238 day:0.0475 year:0.0254 time:0.0249 and:0.0227 morning:0.0146 to:0.0145 of:0.0114 be:0.0082 week:0.0068 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8647 and:0.0311 away:0.0223 in:0.0138 of:0.0122 received:0.0122 or:0.0119 as:0.0111 out:0.0106 at:0.0100 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4210 :0.4533 and:0.0510 in:0.0208 to:0.0139 the:0.0090 is:0.0089 or:0.0081 ot:0.0074 on:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8482 to:0.0299 it:0.0266 will:0.0221 if:0.0177 that:0.0164 he:0.0139 may:0.0095 when:0.0086 would:0.0072 -that:0.6688 :0.2232 what:0.0283 if:0.0169 as:0.0162 when:0.0105 it:0.0103 which:0.0102 to:0.0084 but:0.0071 -of:0.2752 :0.4693 with:0.0609 in:0.0369 as:0.0363 to:0.0324 for:0.0307 and:0.0268 by:0.0158 was:0.0156 -:0.8654 great:0.0229 little:0.0227 very:0.0170 a:0.0152 good:0.0129 certain:0.0119 large:0.0114 new:0.0104 most:0.0101 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.7637 opportunity:0.0645 order:0.0464 effort:0.0308 appeal:0.0216 hour:0.0203 attempt:0.0192 equal:0.0170 act:0.0084 open:0.0081 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.5908 as:0.1485 to:0.0780 that:0.0530 the:0.0294 and:0.0262 in:0.0247 a:0.0188 by:0.0169 for:0.0137 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.7096 the:0.1091 he:0.0378 a:0.0365 is:0.0357 they:0.0195 was:0.0186 it:0.0145 we:0.0124 tho:0.0062 -:0.9369 and:0.0144 in:0.0122 out:0.0072 up:0.0056 down:0.0055 here:0.0053 it:0.0046 men:0.0041 away:0.0041 -:0.8340 time:0.0321 one:0.0292 two:0.0244 other:0.0197 person:0.0191 more:0.0117 three:0.0112 way:0.0102 days:0.0083 -in:0.2497 :0.4492 of:0.1117 and:0.0661 for:0.0289 the:0.0228 with:0.0227 to:0.0206 on:0.0151 by:0.0131 -:0.8966 the:0.0196 that:0.0181 and:0.0169 of:0.0121 in:0.0089 to:0.0083 a:0.0077 it:0.0068 he:0.0051 -:0.8456 as:0.0430 that:0.0401 and:0.0129 which:0.0125 if:0.0117 but:0.0102 said:0.0082 when:0.0080 what:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7522 the:0.1307 a:0.0245 that:0.0196 and:0.0171 to:0.0139 it:0.0130 in:0.0110 which:0.0095 this:0.0086 -:0.7319 are:0.0872 have:0.0531 get:0.0240 were:0.0224 do:0.0172 had:0.0171 make:0.0170 in:0.0162 see:0.0140 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9337 and:0.0210 of:0.0109 it:0.0076 at:0.0061 that:0.0051 is:0.0046 for:0.0041 or:0.0036 was:0.0032 -:0.7735 and:0.0946 to:0.0257 was:0.0241 is:0.0225 a:0.0149 be:0.0141 of:0.0110 are:0.0106 the:0.0089 -that:0.3406 :0.4015 they:0.1205 which:0.0298 we:0.0286 it:0.0201 and:0.0191 there:0.0150 you:0.0143 who:0.0104 -to:0.6097 :0.2313 will:0.0642 should:0.0191 can:0.0157 may:0.0136 shall:0.0134 and:0.0120 must:0.0106 would:0.0105 -:0.8513 people:0.0547 men:0.0418 man:0.0226 woman:0.0056 person:0.0055 law:0.0050 farmers:0.0048 persons:0.0045 farmer:0.0042 -:0.5610 of:0.1794 the:0.0759 in:0.0597 he:0.0237 and:0.0235 is:0.0223 by:0.0184 to:0.0182 on:0.0179 -is:0.2672 was:0.1464 :0.4381 with:0.0310 as:0.0292 in:0.0227 to:0.0203 has:0.0198 by:0.0130 for:0.0123 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8977 and:0.0369 of:0.0150 as:0.0117 to:0.0104 time:0.0068 the:0.0063 that:0.0058 in:0.0049 way:0.0044 -:0.7659 if:0.0594 and:0.0457 to:0.0226 but:0.0223 of:0.0191 before:0.0188 as:0.0168 that:0.0148 which:0.0145 -:0.8022 and:0.0430 to:0.0289 of:0.0244 that:0.0239 the:0.0199 in:0.0171 as:0.0155 at:0.0132 for:0.0118 -:0.7156 the:0.1325 a:0.0461 that:0.0189 any:0.0180 he:0.0167 to:0.0149 one:0.0148 it:0.0116 all:0.0108 -:0.9530 left:0.0084 been:0.0072 made:0.0060 seen:0.0057 since:0.0050 received:0.0047 up:0.0036 known:0.0034 met:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7767 and:0.0676 was:0.0393 is:0.0268 he:0.0192 to:0.0169 has:0.0161 were:0.0131 who:0.0123 are:0.0120 -:0.7316 give:0.0521 tell:0.0345 make:0.0342 let:0.0297 see:0.0287 take:0.0264 get:0.0233 do:0.0211 keep:0.0183 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6512 the:0.2486 a:0.0232 his:0.0206 and:0.0148 in:0.0095 their:0.0087 this:0.0084 tho:0.0084 other:0.0066 -to:0.2176 :0.4226 will:0.1515 would:0.0813 may:0.0384 should:0.0219 and:0.0186 can:0.0168 shall:0.0167 must:0.0147 -:0.6831 of:0.1383 and:0.0450 in:0.0280 who:0.0234 are:0.0210 to:0.0190 have:0.0151 the:0.0151 were:0.0120 -:0.9314 more:0.0185 two:0.0088 otherwise:0.0086 less:0.0083 it:0.0055 other:0.0055 one:0.0047 even:0.0045 not:0.0041 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.6432 the:0.1975 his:0.0345 a:0.0269 this:0.0224 said:0.0191 their:0.0177 her:0.0144 an:0.0129 tho:0.0114 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8567 day:0.0595 and:0.0248 of:0.0207 the:0.0123 or:0.0067 a:0.0051 for:0.0051 to:0.0048 street:0.0042 -:0.8306 the:0.1032 a:0.0175 that:0.0092 and:0.0091 he:0.0077 said:0.0064 tho:0.0057 of:0.0053 in:0.0053 -:0.5838 to:0.1070 and:0.0884 has:0.0612 have:0.0397 will:0.0366 had:0.0303 would:0.0269 could:0.0134 should:0.0129 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -will:0.2465 would:0.2033 may:0.0872 should:0.0821 could:0.0637 shall:0.0566 can:0.0536 :0.1216 must:0.0515 might:0.0339 -:0.9189 the:0.0138 that:0.0119 all:0.0114 a:0.0096 then:0.0077 his:0.0076 other:0.0076 one:0.0065 it:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2819 :0.5055 his:0.0418 a:0.0397 their:0.0320 its:0.0229 our:0.0201 tho:0.0192 three:0.0184 two:0.0183 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6059 the:0.1187 to:0.1062 and:0.0809 an:0.0375 of:0.0150 in:0.0124 tho:0.0085 a:0.0081 or:0.0068 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.7767 more:0.0646 one:0.0375 doubt:0.0324 longer:0.0292 person:0.0154 matter:0.0134 other:0.0125 better:0.0093 man:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8709 who:0.0269 would:0.0208 will:0.0197 to:0.0152 and:0.0118 must:0.0102 we:0.0085 should:0.0082 which:0.0078 -:0.7480 and:0.0673 of:0.0552 the:0.0373 was:0.0233 a:0.0206 to:0.0132 or:0.0124 for:0.0121 is:0.0107 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8338 the:0.0585 a:0.0415 and:0.0149 of:0.0111 that:0.0106 to:0.0097 in:0.0073 he:0.0064 as:0.0063 -:0.6011 to:0.1052 in:0.0836 as:0.0490 by:0.0468 for:0.0325 with:0.0298 that:0.0184 at:0.0180 on:0.0157 -:0.8727 fact:0.0670 said:0.0165 belief:0.0095 world:0.0061 effect:0.0058 matter:0.0058 ground:0.0058 law:0.0055 opinion:0.0052 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -the:0.0140 a:0.0131 tho:0.0051 this:0.0048 an:0.0043 per:0.0029 every:0.0028 tbe:0.0021 first:0.0021 :0.9487 -:0.8962 of:0.0349 the:0.0177 and:0.0134 to:0.0087 in:0.0072 a:0.0066 that:0.0060 on:0.0047 he:0.0047 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8986 so:0.0177 it:0.0158 such:0.0116 known:0.0114 him:0.0110 that:0.0090 not:0.0088 far:0.0085 described:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3046 :0.4872 a:0.0895 tho:0.0219 his:0.0216 to:0.0212 in:0.0179 an:0.0160 as:0.0100 and:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8177 go:0.0423 come:0.0338 him:0.0188 have:0.0164 try:0.0154 return:0.0150 them:0.0149 be:0.0138 appear:0.0118 -:0.8343 are:0.0388 and:0.0259 of:0.0171 is:0.0168 was:0.0156 or:0.0155 have:0.0125 were:0.0123 who:0.0112 -of:0.5276 :0.2536 in:0.0580 and:0.0407 on:0.0325 that:0.0245 for:0.0182 with:0.0177 from:0.0158 to:0.0115 -:0.5777 to:0.2736 will:0.0373 and:0.0314 we:0.0221 would:0.0196 should:0.0114 may:0.0097 can:0.0091 they:0.0082 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9161 and:0.0255 of:0.0139 is:0.0100 as:0.0095 in:0.0060 was:0.0056 the:0.0049 will:0.0048 or:0.0038 -:0.6037 that:0.1397 in:0.0477 the:0.0466 and:0.0354 of:0.0336 to:0.0317 by:0.0253 with:0.0196 it:0.0168 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7353 was:0.0565 is:0.0483 and:0.0373 has:0.0357 had:0.0281 have:0.0219 are:0.0144 be:0.0141 were:0.0086 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.5938 the:0.1119 that:0.0849 this:0.0692 in:0.0316 a:0.0299 to:0.0255 no:0.0216 one:0.0175 on:0.0140 -:0.8159 in:0.0450 that:0.0369 at:0.0314 with:0.0157 to:0.0147 by:0.0128 for:0.0102 of:0.0096 on:0.0078 -:0.8429 and:0.0328 was:0.0326 is:0.0282 be:0.0191 are:0.0114 he:0.0113 were:0.0077 who:0.0076 as:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7120 it:0.1443 there:0.0509 that:0.0290 which:0.0186 he:0.0178 as:0.0082 what:0.0073 and:0.0064 she:0.0053 -:0.6687 it:0.0782 which:0.0672 who:0.0423 and:0.0392 he:0.0373 there:0.0256 that:0.0254 as:0.0097 what:0.0065 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7753 and:0.0779 of:0.0636 or:0.0158 the:0.0151 is:0.0123 to:0.0106 with:0.0103 in:0.0096 that:0.0095 -of:0.3592 :0.4096 to:0.0589 in:0.0365 for:0.0319 a:0.0281 the:0.0277 and:0.0243 that:0.0145 with:0.0093 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -any:0.3066 :0.4138 the:0.0879 no:0.0626 two:0.0383 all:0.0210 three:0.0205 each:0.0197 some:0.0190 and:0.0107 -the:0.5546 :0.2591 a:0.0697 tho:0.0380 his:0.0177 an:0.0173 their:0.0141 its:0.0103 our:0.0099 this:0.0094 -:0.9578 and:0.0172 one:0.0038 or:0.0036 that:0.0035 was:0.0033 out:0.0032 it:0.0032 is:0.0022 day:0.0021 -the:0.0977 :0.8233 a:0.0171 an:0.0148 tho:0.0144 of:0.0075 said:0.0070 our:0.0068 no:0.0065 this:0.0050 -the:0.2314 a:0.1771 :0.3933 any:0.0990 no:0.0293 in:0.0163 every:0.0154 his:0.0152 more:0.0133 to:0.0098 -:0.8982 and:0.0409 that:0.0142 but:0.0094 it:0.0091 he:0.0077 soon:0.0054 is:0.0053 there:0.0050 had:0.0048 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -of:0.5369 in:0.0844 :0.1956 that:0.0442 for:0.0307 on:0.0243 to:0.0241 by:0.0234 from:0.0196 and:0.0169 -:0.7280 the:0.1545 and:0.0240 be:0.0195 a:0.0152 was:0.0129 have:0.0128 his:0.0123 he:0.0108 is:0.0101 -:0.7294 and:0.0636 the:0.0600 of:0.0512 a:0.0317 to:0.0190 or:0.0150 is:0.0102 was:0.0101 in:0.0098 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6308 that:0.1649 the:0.0533 a:0.0339 to:0.0330 it:0.0293 of:0.0182 he:0.0134 in:0.0124 they:0.0106 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.7502 in:0.0720 of:0.0489 that:0.0321 to:0.0295 on:0.0190 for:0.0126 and:0.0121 at:0.0118 as:0.0117 -:0.8931 hour:0.0306 increase:0.0152 on:0.0110 in:0.0105 of:0.0103 as:0.0092 by:0.0073 to:0.0072 open:0.0058 -of:0.2465 :0.4787 to:0.0882 in:0.0607 for:0.0365 by:0.0233 as:0.0180 and:0.0178 on:0.0170 with:0.0132 -be:0.1044 bo:0.0472 not:0.0169 take:0.0085 find:0.0074 become:0.0070 ben:0.0068 remain:0.0054 lie:0.0046 furnish:0.0040 -:0.7245 the:0.1137 and:0.0373 was:0.0333 is:0.0316 are:0.0152 a:0.0136 his:0.0105 of:0.0104 or:0.0099 -:0.8091 the:0.0702 and:0.0357 a:0.0270 of:0.0165 that:0.0110 as:0.0092 in:0.0078 to:0.0072 by:0.0063 -:0.6464 the:0.2231 a:0.0630 it:0.0125 an:0.0106 this:0.0096 his:0.0096 tho:0.0091 their:0.0090 he:0.0072 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7151 was:0.0836 is:0.0817 and:0.0284 be:0.0243 are:0.0182 has:0.0168 in:0.0114 had:0.0107 were:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9440 hands:0.0092 way:0.0077 lives:0.0072 work:0.0067 interest:0.0053 homes:0.0052 efforts:0.0051 home:0.0050 children:0.0048 -:0.8107 and:0.0460 the:0.0416 of:0.0243 he:0.0168 it:0.0146 in:0.0142 is:0.0107 that:0.0106 to:0.0104 -:0.6457 it:0.1438 that:0.0555 he:0.0488 which:0.0281 there:0.0219 she:0.0170 they:0.0148 who:0.0129 we:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9680 it:0.0080 other:0.0040 wife:0.0040 all:0.0038 in:0.0026 others:0.0026 then:0.0025 interest:0.0023 there:0.0021 -:0.7246 and:0.1791 was:0.0252 of:0.0177 is:0.0146 to:0.0111 will:0.0092 which:0.0062 are:0.0061 but:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7525 of:0.0517 in:0.0392 for:0.0314 on:0.0276 and:0.0275 by:0.0244 with:0.0198 or:0.0149 was:0.0112 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8836 city:0.0302 country:0.0160 is:0.0138 time:0.0132 act:0.0111 way:0.0087 morning:0.0084 year:0.0076 afternoon:0.0074 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.7387 the:0.0635 to:0.0459 a:0.0383 and:0.0349 of:0.0235 in:0.0183 that:0.0143 from:0.0125 as:0.0100 -:0.5462 of:0.2307 to:0.0505 that:0.0465 and:0.0442 in:0.0244 for:0.0212 the:0.0148 a:0.0124 from:0.0091 -:0.7671 the:0.1496 a:0.0214 his:0.0187 other:0.0102 be:0.0077 in:0.0073 is:0.0070 he:0.0057 was:0.0054 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8811 whole:0.0212 most:0.0153 old:0.0151 same:0.0141 other:0.0131 first:0.0118 great:0.0113 present:0.0090 new:0.0081 -:0.9402 order:0.0124 the:0.0085 hand:0.0071 all:0.0068 favor:0.0061 time:0.0055 this:0.0055 mind:0.0040 it:0.0040 -:0.9399 most:0.0102 best:0.0086 same:0.0083 said:0.0072 great:0.0054 old:0.0053 north:0.0050 other:0.0050 city:0.0050 -:0.6968 be:0.2014 not:0.0208 bo:0.0171 have:0.0137 do:0.0114 he:0.0109 the:0.0107 get:0.0102 see:0.0069 -the:0.2656 :0.6133 his:0.0308 tho:0.0275 their:0.0119 a:0.0118 no:0.0108 an:0.0098 its:0.0095 other:0.0089 -:0.6927 the:0.1322 a:0.0471 his:0.0299 of:0.0203 this:0.0170 and:0.0167 he:0.0159 their:0.0146 in:0.0136 -:0.8977 and:0.0369 of:0.0150 as:0.0117 to:0.0104 time:0.0068 the:0.0063 that:0.0058 in:0.0049 way:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3273 :0.4475 and:0.0890 to:0.0724 in:0.0220 for:0.0112 or:0.0097 was:0.0080 is:0.0066 as:0.0063 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6555 would:0.0801 will:0.0455 the:0.0450 to:0.0395 could:0.0390 can:0.0314 was:0.0228 had:0.0207 an:0.0205 -:0.8241 and:0.0688 was:0.0247 as:0.0174 is:0.0149 that:0.0120 be:0.0117 have:0.0090 has:0.0088 had:0.0086 -day:0.3109 :0.6497 one:0.0095 side:0.0066 office:0.0058 line:0.0048 case:0.0040 part:0.0033 name:0.0028 number:0.0027 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -the:0.3958 :0.5043 a:0.0281 his:0.0178 tho:0.0165 this:0.0123 their:0.0076 an:0.0063 and:0.0059 tbe:0.0055 -:0.9207 own:0.0185 hand:0.0124 hands:0.0090 wife:0.0088 home:0.0083 way:0.0066 head:0.0058 and:0.0057 life:0.0042 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.5890 of:0.1458 in:0.0949 and:0.0510 to:0.0303 the:0.0262 by:0.0194 for:0.0186 on:0.0129 that:0.0118 -:0.6928 the:0.1634 a:0.0327 of:0.0228 and:0.0218 an:0.0189 to:0.0150 in:0.0127 this:0.0107 or:0.0090 -:0.6667 the:0.1235 a:0.0690 of:0.0445 and:0.0292 his:0.0184 this:0.0141 in:0.0134 their:0.0113 tho:0.0098 -:0.7214 ago:0.0759 of:0.0607 and:0.0556 in:0.0218 old:0.0150 the:0.0145 that:0.0131 to:0.0121 a:0.0100 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.5668 of:0.1061 and:0.0968 in:0.0890 with:0.0327 from:0.0262 on:0.0246 for:0.0231 are:0.0173 as:0.0173 -:0.9478 man:0.0090 matter:0.0081 day:0.0071 point:0.0065 number:0.0045 place:0.0044 time:0.0044 piece:0.0041 part:0.0041 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -to:0.1938 :0.3973 in:0.0857 by:0.0690 from:0.0618 with:0.0474 on:0.0474 for:0.0361 of:0.0314 and:0.0302 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -a:0.3204 the:0.2701 :0.3248 this:0.0286 their:0.0132 his:0.0114 tho:0.0097 all:0.0077 its:0.0072 said:0.0069 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6633 of:0.1672 a:0.0579 the:0.0411 and:0.0232 an:0.0125 to:0.0106 in:0.0101 or:0.0072 for:0.0068 -:0.9407 and:0.0136 for:0.0092 was:0.0063 as:0.0059 of:0.0051 be:0.0050 it:0.0048 is:0.0048 he:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9218 up:0.0161 to:0.0120 him:0.0092 out:0.0085 it:0.0072 in:0.0070 away:0.0068 down:0.0061 and:0.0053 -:0.8386 years:0.0250 days:0.0235 times:0.0225 men:0.0207 hours:0.0190 or:0.0151 weeks:0.0133 oclock:0.0121 and:0.0101 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -of:0.4658 :0.2803 in:0.0499 to:0.0439 on:0.0383 from:0.0264 by:0.0256 for:0.0251 and:0.0231 that:0.0216 -:0.8770 be:0.0446 work:0.0118 come:0.0116 appear:0.0111 him:0.0098 go:0.0096 put:0.0088 live:0.0082 do:0.0076 -:0.8760 and:0.0344 the:0.0280 of:0.0234 in:0.0084 by:0.0072 a:0.0062 as:0.0059 to:0.0055 at:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.3115 :0.5835 bo:0.0250 have:0.0245 not:0.0191 he:0.0133 the:0.0104 lie:0.0047 take:0.0042 find:0.0037 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.6149 the:0.1374 a:0.1065 of:0.0586 and:0.0286 two:0.0159 three:0.0104 one:0.0093 other:0.0091 to:0.0091 -:0.5888 the:0.1334 of:0.0892 in:0.0795 and:0.0263 by:0.0213 a:0.0205 for:0.0161 as:0.0156 at:0.0094 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9541 war:0.0077 world:0.0071 same:0.0059 people:0.0050 country:0.0048 house:0.0041 ground:0.0041 connection:0.0037 room:0.0034 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6644 if:0.1478 as:0.0395 that:0.0346 when:0.0244 before:0.0213 in:0.0210 than:0.0161 to:0.0155 and:0.0153 -:0.6327 a:0.1636 the:0.1084 to:0.0204 that:0.0202 this:0.0148 and:0.0116 tho:0.0102 it:0.0096 his:0.0085 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4847 he:0.1932 who:0.0799 that:0.0715 they:0.0444 we:0.0438 and:0.0318 it:0.0201 you:0.0177 she:0.0128 -:0.8875 great:0.0254 most:0.0158 highest:0.0142 public:0.0124 same:0.0110 present:0.0093 first:0.0082 very:0.0081 following:0.0081 -:0.8966 of:0.0274 the:0.0272 and:0.0155 in:0.0080 that:0.0065 min:0.0050 was:0.0049 which:0.0046 on:0.0043 -:0.6290 of:0.1542 and:0.0763 the:0.0356 to:0.0349 for:0.0191 in:0.0148 with:0.0139 is:0.0120 a:0.0102 -:0.6860 the:0.1697 a:0.0706 to:0.0129 and:0.0127 his:0.0105 this:0.0105 an:0.0092 tho:0.0092 of:0.0086 -of:0.2752 :0.4140 in:0.1258 and:0.0428 that:0.0385 for:0.0335 to:0.0299 on:0.0139 with:0.0136 from:0.0128 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6955 the:0.1986 and:0.0184 of:0.0177 a:0.0163 at:0.0161 his:0.0121 an:0.0108 tho:0.0081 or:0.0065 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9496 and:0.0145 of:0.0104 or:0.0044 day:0.0042 men:0.0039 man:0.0034 the:0.0033 other:0.0032 county:0.0031 -:0.7200 be:0.1325 the:0.0776 a:0.0148 have:0.0126 bo:0.0119 make:0.0087 do:0.0076 get:0.0071 tho:0.0071 -:0.7049 of:0.0932 the:0.0722 in:0.0430 to:0.0236 and:0.0232 a:0.0127 for:0.0110 with:0.0094 or:0.0069 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8759 and:0.0359 of:0.0290 the:0.0134 that:0.0108 to:0.0104 which:0.0079 in:0.0059 or:0.0056 on:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7786 the:0.0485 in:0.0410 of:0.0366 and:0.0269 by:0.0159 for:0.0143 to:0.0136 as:0.0126 a:0.0120 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8115 and:0.0391 was:0.0381 of:0.0361 is:0.0320 or:0.0096 are:0.0093 to:0.0088 in:0.0083 for:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8449 one:0.0343 that:0.0338 some:0.0216 out:0.0159 all:0.0159 because:0.0103 any:0.0099 think:0.0071 nothing:0.0061 -of:0.3877 :0.3808 in:0.1124 on:0.0225 and:0.0217 from:0.0187 by:0.0186 for:0.0177 with:0.0107 that:0.0092 -of:0.4156 :0.4134 in:0.0493 to:0.0432 and:0.0247 for:0.0130 ot:0.0121 that:0.0111 on:0.0091 or:0.0086 -to:0.2925 :0.5309 the:0.0283 and:0.0269 in:0.0241 out:0.0215 with:0.0210 on:0.0196 a:0.0188 into:0.0163 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7853 the:0.0562 and:0.0417 to:0.0375 a:0.0203 of:0.0171 not:0.0160 this:0.0102 that:0.0081 he:0.0076 -:0.8076 which:0.0397 that:0.0324 the:0.0304 to:0.0195 and:0.0158 in:0.0157 by:0.0132 him:0.0131 us:0.0125 -:0.8130 and:0.0539 the:0.0402 of:0.0333 he:0.0159 that:0.0110 which:0.0100 a:0.0099 we:0.0064 it:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8344 the:0.0647 a:0.0305 he:0.0160 then:0.0118 his:0.0111 other:0.0081 that:0.0080 tho:0.0078 to:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -he:0.2892 :0.4508 it:0.1284 she:0.0474 there:0.0277 ho:0.0159 they:0.0136 which:0.0112 time:0.0091 we:0.0068 -:0.5195 that:0.3147 the:0.0434 and:0.0304 of:0.0284 it:0.0168 a:0.0132 he:0.0123 in:0.0114 for:0.0100 -:0.7634 and:0.1028 of:0.0233 as:0.0202 was:0.0169 or:0.0158 are:0.0154 who:0.0149 were:0.0141 which:0.0132 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.7405 of:0.1529 and:0.0374 in:0.0253 or:0.0088 was:0.0076 that:0.0072 he:0.0072 to:0.0066 on:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5405 to:0.2540 and:0.0839 is:0.0292 was:0.0267 of:0.0180 a:0.0130 are:0.0126 the:0.0114 will:0.0109 -:0.8763 made:0.0326 given:0.0180 held:0.0129 done:0.0122 followed:0.0118 taken:0.0104 caused:0.0091 not:0.0085 appointed:0.0084 -:0.9403 same:0.0178 people:0.0083 last:0.0060 best:0.0052 first:0.0048 most:0.0046 next:0.0045 past:0.0044 land:0.0041 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8853 the:0.0430 and:0.0299 of:0.0111 a:0.0064 to:0.0058 as:0.0053 that:0.0048 in:0.0047 he:0.0038 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6707 of:0.1253 and:0.0894 with:0.0255 the:0.0200 in:0.0192 to:0.0165 or:0.0115 was:0.0113 as:0.0104 -:0.5908 to:0.1279 of:0.0890 in:0.0559 and:0.0546 for:0.0253 on:0.0154 at:0.0154 as:0.0136 the:0.0120 -:0.5341 the:0.1980 a:0.1737 with:0.0179 that:0.0153 their:0.0135 so:0.0124 no:0.0123 all:0.0122 this:0.0106 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8512 and:0.0240 a:0.0228 was:0.0211 the:0.0188 in:0.0178 is:0.0149 of:0.0125 be:0.0106 to:0.0062 -:0.7041 and:0.0807 of:0.0668 to:0.0357 in:0.0355 for:0.0219 the:0.0176 that:0.0172 or:0.0131 with:0.0075 -:0.9446 and:0.0111 one:0.0099 that:0.0098 out:0.0069 of:0.0043 part:0.0037 line:0.0035 all:0.0031 side:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8598 only:0.0311 be:0.0239 know:0.0163 in:0.0148 to:0.0148 yet:0.0112 have:0.0108 a:0.0098 been:0.0074 -the:0.6022 :0.2769 a:0.0502 tho:0.0226 his:0.0134 their:0.0093 no:0.0084 tbe:0.0076 any:0.0049 an:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8360 the:0.0668 be:0.0318 a:0.0139 his:0.0114 do:0.0112 say:0.0074 take:0.0073 have:0.0072 bo:0.0069 -the:0.2868 :0.5013 of:0.0563 a:0.0496 and:0.0284 to:0.0201 his:0.0195 in:0.0150 for:0.0132 any:0.0097 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -:0.7956 the:0.0667 and:0.0383 a:0.0244 in:0.0150 of:0.0149 that:0.0141 by:0.0124 to:0.0106 his:0.0082 -:0.6980 the:0.1145 and:0.0365 a:0.0324 to:0.0306 in:0.0298 of:0.0175 his:0.0143 this:0.0137 will:0.0127 -:0.6179 is:0.0900 has:0.0656 was:0.0566 and:0.0515 are:0.0268 not:0.0262 have:0.0253 had:0.0244 were:0.0157 -:0.9011 and:0.0337 or:0.0166 to:0.0115 is:0.0089 day:0.0072 was:0.0060 had:0.0056 years:0.0048 it:0.0046 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9049 and:0.0289 is:0.0149 was:0.0137 are:0.0087 it:0.0086 or:0.0053 were:0.0051 be:0.0050 to:0.0049 -:0.5937 is:0.1316 was:0.0737 be:0.0702 and:0.0480 are:0.0359 have:0.0180 were:0.0107 had:0.0097 he:0.0086 -:0.8044 the:0.1028 his:0.0189 a:0.0180 and:0.0114 in:0.0107 their:0.0106 tho:0.0080 at:0.0077 this:0.0076 -of:0.2958 :0.4025 in:0.1032 and:0.0381 for:0.0363 to:0.0338 with:0.0289 on:0.0239 from:0.0230 are:0.0145 -:0.7819 and:0.0585 of:0.0414 was:0.0275 is:0.0269 the:0.0236 in:0.0115 or:0.0105 are:0.0105 a:0.0076 -:0.7567 the:0.0481 in:0.0449 and:0.0374 to:0.0339 that:0.0208 by:0.0196 for:0.0141 a:0.0140 of:0.0106 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -no:0.0051 the:0.0033 to:0.0032 very:0.0030 a:0.0027 tho:0.0023 its:0.0023 present:0.0022 our:0.0021 first:0.0021 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -is:0.3389 was:0.1707 :0.2815 will:0.0689 has:0.0572 would:0.0256 and:0.0215 may:0.0138 should:0.0113 shall:0.0107 -:0.6273 as:0.0818 in:0.0619 and:0.0403 of:0.0386 on:0.0342 to:0.0335 ago:0.0301 for:0.0262 from:0.0261 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.7599 and:0.0610 the:0.0475 was:0.0248 of:0.0235 is:0.0220 in:0.0199 to:0.0159 with:0.0136 are:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9516 man:0.0072 year:0.0066 hundred:0.0065 long:0.0061 large:0.0056 good:0.0046 time:0.0041 matter:0.0039 little:0.0038 -:0.7984 the:0.0512 and:0.0325 to:0.0314 of:0.0290 that:0.0155 in:0.0137 for:0.0110 a:0.0092 by:0.0081 -:0.7282 that:0.0655 and:0.0617 as:0.0356 which:0.0355 but:0.0229 if:0.0179 when:0.0160 what:0.0089 where:0.0079 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.7194 the:0.2023 a:0.0202 this:0.0112 tho:0.0101 said:0.0101 his:0.0091 that:0.0065 an:0.0056 all:0.0056 -:0.6875 and:0.0737 of:0.0598 who:0.0563 in:0.0344 to:0.0240 are:0.0227 were:0.0200 on:0.0114 have:0.0101 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -he:0.2993 :0.3067 they:0.1697 we:0.0861 she:0.0594 it:0.0372 ho:0.0159 there:0.0095 the:0.0082 lie:0.0080 -:0.6577 so:0.1588 in:0.0472 made:0.0311 for:0.0299 as:0.0224 by:0.0180 a:0.0130 no:0.0113 about:0.0108 -:0.5420 as:0.0767 in:0.0720 with:0.0708 to:0.0658 for:0.0479 by:0.0439 and:0.0386 on:0.0220 at:0.0202 -:0.9529 one:0.0147 corner:0.0058 all:0.0053 out:0.0043 want:0.0038 part:0.0037 day:0.0034 any:0.0032 use:0.0028 -:0.8097 and:0.0362 the:0.0312 to:0.0297 not:0.0224 we:0.0193 who:0.0135 will:0.0131 a:0.0125 they:0.0124 -of:0.2164 :0.4790 in:0.1116 to:0.0589 on:0.0353 and:0.0331 for:0.0191 from:0.0175 that:0.0168 at:0.0123 -:0.8560 the:0.0449 a:0.0431 and:0.0128 of:0.0106 to:0.0101 in:0.0084 or:0.0049 an:0.0049 other:0.0043 -:0.7365 to:0.0862 and:0.0683 of:0.0294 the:0.0276 will:0.0177 in:0.0127 a:0.0077 for:0.0073 is:0.0065 -:0.8767 and:0.0395 of:0.0242 to:0.0210 the:0.0120 a:0.0084 in:0.0063 or:0.0042 with:0.0039 will:0.0037 -:0.7629 the:0.1236 said:0.0364 a:0.0233 and:0.0177 this:0.0120 of:0.0113 any:0.0050 tho:0.0040 to:0.0038 -:0.7953 of:0.0962 and:0.0326 was:0.0146 in:0.0144 is:0.0114 the:0.0110 are:0.0090 for:0.0079 that:0.0076 -the:0.2237 :0.5271 that:0.0487 and:0.0480 to:0.0322 a:0.0313 it:0.0274 of:0.0225 his:0.0204 for:0.0187 -what:0.2777 it:0.2185 :0.2560 that:0.1378 which:0.0360 there:0.0313 how:0.0169 he:0.0137 this:0.0068 as:0.0056 -:0.7168 the:0.0919 of:0.0488 and:0.0467 a:0.0415 to:0.0157 his:0.0129 for:0.0107 in:0.0090 or:0.0061 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8180 it:0.0591 which:0.0354 this:0.0258 what:0.0138 land:0.0124 that:0.0107 life:0.0106 the:0.0078 there:0.0064 -:0.8733 men:0.0282 time:0.0192 persons:0.0187 cases:0.0131 years:0.0115 things:0.0103 person:0.0093 days:0.0082 and:0.0082 -:0.7750 the:0.0558 and:0.0390 was:0.0254 a:0.0219 or:0.0176 be:0.0173 had:0.0169 is:0.0158 have:0.0154 -:0.7872 it:0.0397 he:0.0353 they:0.0304 we:0.0232 which:0.0208 and:0.0199 who:0.0169 you:0.0137 that:0.0128 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7124 the:0.0565 of:0.0381 to:0.0374 in:0.0361 and:0.0353 a:0.0258 that:0.0235 at:0.0189 with:0.0159 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7838 is:0.0473 was:0.0452 and:0.0421 be:0.0246 have:0.0156 are:0.0116 had:0.0113 has:0.0108 were:0.0076 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.6669 to:0.1044 the:0.0989 a:0.0374 and:0.0310 in:0.0201 of:0.0117 that:0.0114 at:0.0114 his:0.0068 -:0.8184 than:0.1317 likely:0.0110 or:0.0082 ready:0.0064 and:0.0064 difficult:0.0049 back:0.0048 up:0.0043 able:0.0040 -:0.5267 of:0.2429 and:0.0762 to:0.0360 as:0.0352 the:0.0203 is:0.0186 that:0.0152 in:0.0149 for:0.0141 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9134 of:0.0386 important:0.0103 the:0.0090 and:0.0087 in:0.0053 a:0.0049 other:0.0035 little:0.0033 to:0.0030 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.7525 of:0.0517 in:0.0392 for:0.0314 on:0.0276 and:0.0275 by:0.0244 with:0.0198 or:0.0149 was:0.0112 -:0.9028 out:0.0418 that:0.0172 one:0.0112 and:0.0068 all:0.0050 some:0.0041 as:0.0039 or:0.0037 instead:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5783 the:0.2946 and:0.0307 of:0.0179 this:0.0170 his:0.0163 a:0.0155 our:0.0113 tho:0.0104 its:0.0080 -:0.8771 and:0.0275 as:0.0243 is:0.0212 not:0.0107 it:0.0087 you:0.0085 seemed:0.0078 was:0.0073 according:0.0068 -:0.6875 and:0.0737 of:0.0598 who:0.0563 in:0.0344 to:0.0240 are:0.0227 were:0.0200 on:0.0114 have:0.0101 -:0.6819 of:0.1059 the:0.0751 a:0.0453 and:0.0383 in:0.0170 is:0.0115 at:0.0084 it:0.0084 for:0.0083 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.8530 and:0.0487 of:0.0260 to:0.0144 by:0.0115 in:0.0107 at:0.0102 for:0.0091 was:0.0086 or:0.0078 -:0.6551 of:0.1549 in:0.0453 to:0.0336 and:0.0260 at:0.0232 for:0.0192 on:0.0161 that:0.0160 by:0.0107 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7619 it:0.0837 you:0.0554 he:0.0237 not:0.0183 they:0.0140 there:0.0138 we:0.0134 served:0.0092 she:0.0066 -:0.7922 the:0.1031 and:0.0364 is:0.0120 as:0.0116 that:0.0100 of:0.0099 a:0.0089 at:0.0082 in:0.0077 -:0.7670 and:0.0769 to:0.0321 of:0.0317 in:0.0283 is:0.0173 was:0.0152 at:0.0112 are:0.0104 with:0.0099 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9072 thought:0.0195 heard:0.0149 was:0.0145 knew:0.0097 spoke:0.0090 had:0.0088 made:0.0058 is:0.0054 cost:0.0052 -of:0.4503 :0.3993 and:0.0349 the:0.0328 for:0.0197 to:0.0143 that:0.0140 which:0.0137 or:0.0123 was:0.0086 -:0.9389 and:0.0208 it:0.0101 was:0.0094 is:0.0051 or:0.0037 to:0.0034 out:0.0030 be:0.0028 but:0.0027 -:0.9508 will:0.0148 matter:0.0066 world:0.0046 best:0.0043 may:0.0041 same:0.0041 shall:0.0038 city:0.0034 only:0.0034 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -the:0.5417 :0.3215 this:0.0269 his:0.0227 a:0.0211 tho:0.0197 their:0.0181 our:0.0150 these:0.0076 its:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -to:0.2925 :0.5309 the:0.0283 and:0.0269 in:0.0241 out:0.0215 with:0.0210 on:0.0196 a:0.0188 into:0.0163 -:0.9347 few:0.0197 man:0.0115 good:0.0066 little:0.0063 large:0.0056 great:0.0041 and:0.0041 law:0.0037 year:0.0035 -:0.8696 other:0.0270 more:0.0246 one:0.0212 doubt:0.0188 longer:0.0133 reason:0.0070 matter:0.0062 better:0.0061 the:0.0061 -to:0.3176 :0.4890 and:0.1038 of:0.0186 in:0.0148 or:0.0137 is:0.0124 for:0.0112 are:0.0107 that:0.0083 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -as:0.5179 :0.3378 for:0.0299 to:0.0269 in:0.0262 with:0.0197 and:0.0128 by:0.0111 known:0.0092 at:0.0085 -:0.7961 and:0.1102 of:0.0189 is:0.0180 the:0.0173 was:0.0146 or:0.0101 a:0.0058 for:0.0045 in:0.0044 -:0.6466 and:0.0835 the:0.0722 of:0.0443 was:0.0391 is:0.0335 in:0.0330 a:0.0178 be:0.0160 to:0.0140 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8115 and:0.0391 was:0.0381 of:0.0361 is:0.0320 or:0.0096 are:0.0093 to:0.0088 in:0.0083 for:0.0073 -:0.7491 of:0.1176 and:0.0501 to:0.0189 the:0.0168 that:0.0120 or:0.0113 in:0.0090 was:0.0076 for:0.0075 -:0.7681 much:0.0528 that:0.0519 the:0.0331 far:0.0212 many:0.0200 as:0.0149 a:0.0134 to:0.0124 long:0.0123 -:0.9135 and:0.0341 of:0.0160 man:0.0105 time:0.0062 in:0.0058 men:0.0042 is:0.0039 the:0.0030 country:0.0027 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6508 years:0.0898 days:0.0704 miles:0.0500 months:0.0321 weeks:0.0303 or:0.0203 and:0.0190 thousand:0.0187 are:0.0186 -:0.8343 of:0.0337 the:0.0278 and:0.0264 to:0.0258 for:0.0160 in:0.0125 that:0.0091 it:0.0074 which:0.0069 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8433 years:0.0521 or:0.0184 hundred:0.0167 and:0.0155 weeks:0.0132 hours:0.0118 months:0.0115 days:0.0106 men:0.0069 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7984 the:0.0752 and:0.0332 to:0.0263 of:0.0214 an:0.0113 in:0.0100 their:0.0085 or:0.0078 his:0.0078 -:0.8111 and:0.0550 to:0.0314 of:0.0239 in:0.0171 the:0.0170 that:0.0132 was:0.0126 will:0.0102 is:0.0084 -:0.7267 to:0.0763 the:0.0661 and:0.0323 that:0.0299 in:0.0168 for:0.0161 a:0.0156 on:0.0114 as:0.0088 -:0.7763 and:0.0806 of:0.0481 in:0.0212 to:0.0200 the:0.0181 or:0.0111 on:0.0090 are:0.0085 for:0.0071 -:0.7051 of:0.0917 and:0.0629 to:0.0304 in:0.0290 the:0.0215 or:0.0210 for:0.0167 on:0.0116 that:0.0101 -:0.9541 war:0.0077 world:0.0071 same:0.0059 people:0.0050 country:0.0048 house:0.0041 ground:0.0041 connection:0.0037 room:0.0034 -:0.5399 is:0.1893 was:0.0753 a:0.0512 the:0.0367 as:0.0269 with:0.0221 in:0.0207 has:0.0197 and:0.0182 -:0.7467 the:0.1258 a:0.0261 his:0.0250 this:0.0210 which:0.0161 and:0.0141 their:0.0088 it:0.0082 that:0.0082 -:0.7550 hundred:0.1784 year:0.0240 day:0.0148 dollar:0.0057 week:0.0054 of:0.0050 hand:0.0040 time:0.0039 night:0.0038 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.7369 and:0.0494 was:0.0474 is:0.0388 the:0.0295 he:0.0274 had:0.0209 has:0.0197 be:0.0156 have:0.0143 -:0.8357 the:0.0527 a:0.0343 to:0.0175 as:0.0144 and:0.0118 in:0.0109 all:0.0078 an:0.0076 his:0.0073 -:0.8309 the:0.0659 of:0.0433 in:0.0123 and:0.0121 a:0.0121 for:0.0076 his:0.0060 all:0.0052 that:0.0047 -the:0.5104 :0.2822 a:0.0575 his:0.0459 tho:0.0300 their:0.0254 this:0.0164 its:0.0135 our:0.0115 tbe:0.0073 -:0.5729 and:0.1162 of:0.0867 that:0.0671 but:0.0512 as:0.0387 which:0.0280 where:0.0179 if:0.0113 for:0.0099 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.6819 the:0.1637 of:0.0379 a:0.0294 and:0.0195 this:0.0186 in:0.0173 by:0.0113 his:0.0107 tho:0.0096 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.6642 the:0.1434 of:0.0610 and:0.0441 in:0.0315 a:0.0223 that:0.0093 to:0.0088 as:0.0077 this:0.0077 -the:0.5855 :0.2397 his:0.0485 a:0.0469 tho:0.0162 their:0.0156 its:0.0132 no:0.0128 tbe:0.0116 our:0.0100 -:0.6883 the:0.1092 and:0.0479 of:0.0461 a:0.0332 to:0.0284 in:0.0188 his:0.0105 this:0.0091 or:0.0085 -:0.8578 the:0.0503 of:0.0349 and:0.0219 that:0.0090 a:0.0090 which:0.0048 or:0.0046 as:0.0039 to:0.0038 -to:0.1174 :0.4773 by:0.0825 in:0.0624 for:0.0570 on:0.0538 of:0.0534 from:0.0459 and:0.0261 that:0.0242 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8227 night:0.0492 year:0.0471 week:0.0237 of:0.0209 and:0.0107 two:0.0071 a:0.0068 time:0.0061 evening:0.0056 -to:0.2716 :0.4601 and:0.0541 for:0.0535 of:0.0431 in:0.0421 that:0.0275 by:0.0222 on:0.0138 from:0.0119 -:0.8494 been:0.0304 to:0.0243 the:0.0238 a:0.0220 and:0.0177 in:0.0114 of:0.0096 an:0.0058 as:0.0055 -:0.8185 the:0.0578 and:0.0259 in:0.0195 was:0.0182 is:0.0167 of:0.0133 had:0.0118 an:0.0094 have:0.0089 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.9434 put:0.0104 it:0.0098 then:0.0088 that:0.0056 went:0.0051 placed:0.0048 recorded:0.0041 was:0.0040 carried:0.0040 -:0.6290 of:0.1376 and:0.0999 or:0.0428 is:0.0200 for:0.0170 was:0.0152 the:0.0141 in:0.0133 to:0.0110 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -of:0.3868 :0.4849 and:0.0443 in:0.0183 the:0.0155 to:0.0135 for:0.0126 or:0.0084 on:0.0082 that:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7086 it:0.0482 they:0.0454 we:0.0378 a:0.0365 he:0.0324 to:0.0296 if:0.0276 well:0.0207 is:0.0132 -:0.7195 and:0.0574 in:0.0469 a:0.0346 the:0.0289 of:0.0283 to:0.0258 by:0.0247 his:0.0177 for:0.0162 -:0.6745 the:0.1502 a:0.0581 that:0.0268 of:0.0233 and:0.0173 in:0.0155 it:0.0153 to:0.0112 an:0.0078 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7336 of:0.1076 the:0.0371 in:0.0247 by:0.0229 and:0.0188 or:0.0151 for:0.0147 at:0.0140 with:0.0116 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7098 was:0.0756 be:0.0435 is:0.0393 and:0.0386 to:0.0263 are:0.0208 the:0.0167 were:0.0150 had:0.0144 -:0.8656 to:0.0298 the:0.0279 and:0.0217 a:0.0109 with:0.0108 of:0.0098 that:0.0082 in:0.0078 as:0.0076 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9197 and:0.0305 was:0.0097 it:0.0087 of:0.0076 to:0.0068 is:0.0061 will:0.0040 that:0.0038 he:0.0031 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.7565 have:0.0403 was:0.0369 had:0.0361 is:0.0317 are:0.0316 in:0.0249 has:0.0160 of:0.0132 gave:0.0128 -:0.9091 own:0.0446 great:0.0088 first:0.0086 best:0.0065 wife:0.0048 new:0.0048 feet:0.0045 second:0.0042 way:0.0040 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.6659 of:0.1337 and:0.0581 in:0.0391 the:0.0236 for:0.0200 to:0.0196 on:0.0159 that:0.0125 is:0.0115 -:0.6189 to:0.1363 will:0.0617 and:0.0535 would:0.0278 has:0.0260 have:0.0211 had:0.0200 should:0.0191 we:0.0156 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.7377 and:0.0565 to:0.0516 the:0.0362 in:0.0274 of:0.0239 by:0.0221 with:0.0207 for:0.0146 as:0.0094 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.9098 of:0.0339 or:0.0117 and:0.0092 out:0.0079 line:0.0068 one:0.0062 side:0.0053 was:0.0048 that:0.0045 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.6961 large:0.1484 great:0.0289 little:0.0284 very:0.0241 small:0.0173 new:0.0164 good:0.0163 certain:0.0124 few:0.0116 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8251 of:0.0530 and:0.0325 the:0.0229 to:0.0189 in:0.0139 as:0.0111 for:0.0098 on:0.0067 or:0.0062 -:0.7276 of:0.1346 and:0.0365 the:0.0186 a:0.0167 it:0.0159 in:0.0151 that:0.0142 or:0.0116 to:0.0090 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.5894 the:0.1319 any:0.1094 a:0.0500 tho:0.0313 this:0.0216 no:0.0184 less:0.0165 their:0.0165 to:0.0150 -be:0.3426 :0.5205 not:0.0393 have:0.0276 bo:0.0225 he:0.0176 the:0.0155 make:0.0050 become:0.0049 take:0.0046 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7783 and:0.0595 of:0.0489 in:0.0290 to:0.0220 the:0.0219 or:0.0115 for:0.0100 with:0.0096 at:0.0093 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2971 :0.4792 his:0.0616 be:0.0374 a:0.0319 tho:0.0225 their:0.0195 her:0.0193 our:0.0163 this:0.0152 -:0.6404 is:0.1159 was:0.0645 in:0.0352 of:0.0338 and:0.0334 as:0.0321 for:0.0166 to:0.0146 with:0.0135 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.9640 one:0.0115 part:0.0040 day:0.0039 office:0.0035 use:0.0030 action:0.0026 place:0.0026 side:0.0026 amount:0.0023 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.7594 the:0.0915 and:0.0395 of:0.0393 a:0.0211 other:0.0130 in:0.0114 this:0.0086 to:0.0081 his:0.0081 -:0.6928 of:0.1353 and:0.0707 in:0.0287 to:0.0163 the:0.0161 was:0.0109 or:0.0104 for:0.0094 is:0.0094 -:0.7705 the:0.1126 and:0.0324 a:0.0260 of:0.0185 in:0.0138 was:0.0073 be:0.0067 or:0.0062 his:0.0059 -:0.7591 the:0.0689 of:0.0380 in:0.0263 to:0.0216 at:0.0197 and:0.0196 for:0.0196 his:0.0166 a:0.0105 -:0.7013 of:0.0907 and:0.0606 to:0.0581 in:0.0275 with:0.0168 the:0.0163 by:0.0105 for:0.0102 is:0.0080 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.6656 is:0.1315 and:0.0631 are:0.0546 was:0.0305 were:0.0142 has:0.0109 have:0.0102 as:0.0100 but:0.0094 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9039 large:0.0186 long:0.0150 well:0.0132 little:0.0120 high:0.0103 good:0.0079 much:0.0072 hard:0.0061 strong:0.0056 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7276 the:0.1526 and:0.0247 a:0.0235 of:0.0179 tho:0.0127 this:0.0116 his:0.0105 their:0.0102 an:0.0087 -:0.7263 to:0.0920 of:0.0782 and:0.0423 the:0.0163 will:0.0124 for:0.0102 in:0.0085 or:0.0085 should:0.0052 -:0.8602 and:0.0352 of:0.0285 or:0.0192 was:0.0168 is:0.0145 are:0.0111 the:0.0060 than:0.0044 in:0.0042 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6609 of:0.0819 in:0.0601 for:0.0510 and:0.0483 to:0.0250 with:0.0243 by:0.0168 at:0.0166 that:0.0153 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7225 to:0.0500 of:0.0479 in:0.0429 for:0.0339 the:0.0306 and:0.0268 by:0.0246 on:0.0107 as:0.0102 -:0.7803 be:0.0826 only:0.0450 to:0.0228 been:0.0185 a:0.0148 have:0.0134 bo:0.0080 it:0.0078 know:0.0068 -:0.7161 of:0.0919 and:0.0556 to:0.0332 the:0.0323 in:0.0218 at:0.0166 on:0.0114 for:0.0108 by:0.0103 -:0.7227 the:0.1154 a:0.0756 to:0.0208 that:0.0167 of:0.0165 in:0.0102 and:0.0089 tho:0.0070 this:0.0062 -:0.7196 the:0.1438 of:0.0417 a:0.0389 and:0.0139 his:0.0108 tho:0.0100 no:0.0074 to:0.0073 their:0.0066 -:0.8966 and:0.0345 up:0.0115 out:0.0114 that:0.0097 it:0.0089 him:0.0075 to:0.0074 as:0.0071 off:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6903 the:0.1129 to:0.0665 of:0.0338 and:0.0316 a:0.0178 at:0.0129 in:0.0122 his:0.0113 this:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6287 a:0.1096 the:0.1089 to:0.0585 it:0.0194 that:0.0184 in:0.0177 and:0.0149 his:0.0123 an:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7111 and:0.0756 of:0.0641 the:0.0503 a:0.0222 in:0.0220 to:0.0212 as:0.0190 on:0.0073 from:0.0072 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.4829 to:0.1861 in:0.1312 by:0.0477 on:0.0339 that:0.0330 from:0.0264 for:0.0258 at:0.0167 with:0.0163 -:0.7338 only:0.0575 be:0.0563 as:0.0400 in:0.0300 to:0.0217 like:0.0167 have:0.0161 been:0.0159 for:0.0120 -:0.4802 is:0.1104 was:0.0900 and:0.0615 were:0.0599 of:0.0449 be:0.0448 has:0.0393 are:0.0388 have:0.0303 -:0.9037 and:0.0286 of:0.0248 auction:0.0146 or:0.0063 to:0.0060 that:0.0044 was:0.0043 schools:0.0039 for:0.0035 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -as:0.1602 to:0.1427 :0.3509 in:0.0905 that:0.0747 by:0.0487 for:0.0380 on:0.0362 of:0.0356 from:0.0226 -the:0.3681 :0.4492 a:0.0877 of:0.0267 and:0.0187 tho:0.0151 in:0.0106 an:0.0102 this:0.0088 to:0.0048 -:0.6438 in:0.1007 to:0.0458 of:0.0457 for:0.0439 that:0.0385 on:0.0258 by:0.0230 and:0.0189 at:0.0139 -:0.8769 of:0.0408 and:0.0235 to:0.0154 in:0.0120 are:0.0081 that:0.0077 or:0.0052 will:0.0052 were:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6826 the:0.1817 and:0.0304 a:0.0239 of:0.0191 his:0.0162 tho:0.0142 our:0.0111 to:0.0110 their:0.0100 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.7405 of:0.0813 to:0.0525 and:0.0388 in:0.0253 the:0.0185 that:0.0135 for:0.0129 as:0.0088 by:0.0079 -:0.7246 of:0.1076 and:0.0653 to:0.0358 for:0.0146 will:0.0122 who:0.0108 are:0.0105 is:0.0097 in:0.0088 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7854 day:0.1366 it:0.0296 which:0.0118 and:0.0096 law:0.0077 bill:0.0051 court:0.0051 world:0.0049 there:0.0043 -:0.9565 people:0.0082 country:0.0066 city:0.0056 world:0.0051 time:0.0044 man:0.0037 bill:0.0035 farmer:0.0032 men:0.0032 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7991 of:0.0694 other:0.0431 and:0.0204 year:0.0167 the:0.0115 day:0.0112 county:0.0107 one:0.0090 side:0.0089 -:0.5988 that:0.1741 as:0.0539 which:0.0475 and:0.0406 but:0.0299 when:0.0245 if:0.0122 what:0.0120 it:0.0063 -:0.8859 and:0.0497 of:0.0253 in:0.0093 to:0.0089 or:0.0065 at:0.0039 for:0.0038 day:0.0035 as:0.0031 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7405 not:0.0657 the:0.0555 is:0.0359 and:0.0351 was:0.0252 of:0.0135 that:0.0101 had:0.0098 has:0.0086 -:0.8737 the:0.0288 and:0.0221 was:0.0191 of:0.0125 a:0.0120 in:0.0114 is:0.0111 be:0.0046 this:0.0046 -:0.8035 and:0.0730 of:0.0506 to:0.0239 in:0.0113 time:0.0101 or:0.0087 is:0.0070 as:0.0065 the:0.0053 -:0.8588 and:0.0427 the:0.0301 is:0.0154 was:0.0132 of:0.0120 a:0.0075 that:0.0068 he:0.0068 not:0.0066 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -in:0.2238 :0.3441 to:0.1468 by:0.0936 a:0.0787 the:0.0337 up:0.0274 from:0.0237 with:0.0146 into:0.0135 -:0.5872 than:0.1598 in:0.0518 of:0.0444 on:0.0350 and:0.0329 to:0.0303 at:0.0211 for:0.0199 as:0.0175 -:0.6652 it:0.1704 there:0.0669 he:0.0340 that:0.0222 which:0.0122 what:0.0092 she:0.0079 then:0.0061 who:0.0059 -:0.7370 it:0.1113 which:0.0553 he:0.0423 that:0.0167 what:0.0104 one:0.0087 she:0.0063 the:0.0062 him:0.0058 -:0.5011 up:0.1255 out:0.1249 him:0.0934 them:0.0504 down:0.0401 it:0.0250 me:0.0169 to:0.0128 off:0.0099 -:0.9448 them:0.0190 sale:0.0065 interest:0.0064 men:0.0056 land:0.0041 the:0.0038 him:0.0035 which:0.0032 it:0.0031 -:0.8174 made:0.0409 called:0.0297 paid:0.0202 found:0.0195 based:0.0187 used:0.0159 held:0.0136 carried:0.0121 sold:0.0120 -:0.6793 in:0.1077 of:0.0650 on:0.0293 and:0.0276 for:0.0218 to:0.0204 by:0.0185 at:0.0178 from:0.0125 -:0.7506 is:0.0562 do:0.0360 and:0.0270 it:0.0262 did:0.0259 does:0.0206 are:0.0200 was:0.0195 will:0.0180 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6745 a:0.1016 so:0.0576 as:0.0421 the:0.0419 and:0.0241 of:0.0199 is:0.0138 was:0.0130 very:0.0116 -:0.7319 the:0.1010 and:0.0334 a:0.0310 of:0.0278 in:0.0247 this:0.0175 said:0.0116 his:0.0108 or:0.0103 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.7074 in:0.1019 to:0.0440 on:0.0367 that:0.0274 at:0.0247 for:0.0169 by:0.0163 not:0.0125 with:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -to:0.1595 :0.5267 of:0.1182 and:0.0981 is:0.0213 a:0.0211 for:0.0161 from:0.0139 was:0.0136 on:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7337 be:0.0955 the:0.0795 have:0.0237 to:0.0144 do:0.0141 his:0.0109 take:0.0101 bo:0.0100 get:0.0080 -:0.9394 right:0.0118 power:0.0086 as:0.0085 and:0.0063 way:0.0056 enough:0.0055 more:0.0049 attention:0.0048 money:0.0046 -:0.8208 and:0.0491 are:0.0324 were:0.0324 who:0.0276 was:0.0093 made:0.0076 but:0.0074 came:0.0069 had:0.0065 -as:0.6178 :0.2258 is:0.0586 and:0.0319 was:0.0245 are:0.0134 to:0.0096 of:0.0071 but:0.0062 has:0.0050 -:0.5395 of:0.1630 in:0.0825 on:0.0572 from:0.0345 by:0.0306 to:0.0297 for:0.0237 at:0.0225 with:0.0168 -:0.6789 and:0.0969 of:0.0877 to:0.0219 in:0.0205 that:0.0204 at:0.0196 is:0.0189 for:0.0186 was:0.0167 -:0.7336 is:0.0622 was:0.0501 the:0.0359 that:0.0244 it:0.0217 of:0.0193 he:0.0190 and:0.0180 be:0.0159 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -the:0.6383 :0.1972 his:0.0487 a:0.0335 tho:0.0263 their:0.0156 our:0.0136 its:0.0123 her:0.0078 tbe:0.0066 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7738 had:0.0483 have:0.0414 are:0.0348 has:0.0256 was:0.0255 is:0.0182 were:0.0147 will:0.0120 would:0.0057 -:0.7219 is:0.0740 and:0.0616 was:0.0451 of:0.0275 in:0.0220 are:0.0196 to:0.0107 has:0.0089 as:0.0088 -:0.9253 him:0.0180 it:0.0118 them:0.0117 all:0.0089 interest:0.0073 the:0.0052 her:0.0044 us:0.0037 a:0.0037 -:0.9334 and:0.0218 of:0.0143 the:0.0068 in:0.0052 which:0.0044 is:0.0041 to:0.0035 or:0.0034 time:0.0031 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9254 people:0.0271 men:0.0117 farmers:0.0079 city:0.0066 boys:0.0049 world:0.0046 same:0.0044 children:0.0037 country:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -not:0.5784 :0.2466 be:0.0703 have:0.0641 bo:0.0133 make:0.0101 do:0.0055 get:0.0043 never:0.0041 give:0.0034 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9704 to:0.0048 and:0.0043 as:0.0040 with:0.0036 of:0.0027 line:0.0027 man:0.0026 by:0.0025 the:0.0023 -:0.6714 to:0.1437 and:0.0573 will:0.0257 a:0.0254 the:0.0173 is:0.0173 would:0.0149 can:0.0141 was:0.0129 -:0.7706 the:0.0920 that:0.0374 of:0.0300 a:0.0136 in:0.0130 it:0.0129 and:0.0110 to:0.0102 he:0.0093 -:0.5460 that:0.0918 to:0.0798 the:0.0762 of:0.0580 and:0.0532 in:0.0335 a:0.0292 with:0.0223 by:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2639 :0.6101 these:0.0302 our:0.0158 tho:0.0154 two:0.0152 all:0.0152 his:0.0142 young:0.0112 three:0.0086 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6626 and:0.1583 as:0.0810 but:0.0336 to:0.0248 that:0.0139 or:0.0072 is:0.0067 than:0.0066 him:0.0053 -:0.7575 the:0.0683 a:0.0670 and:0.0195 who:0.0169 his:0.0153 he:0.0146 we:0.0141 to:0.0137 they:0.0130 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -of:0.6286 :0.1931 to:0.0388 in:0.0332 for:0.0257 and:0.0255 from:0.0163 with:0.0159 that:0.0125 on:0.0105 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5372 the:0.1307 and:0.1162 of:0.0571 any:0.0455 or:0.0372 no:0.0264 in:0.0246 all:0.0131 for:0.0119 -the:0.4281 :0.4612 a:0.0258 tho:0.0219 their:0.0167 his:0.0139 tbe:0.0088 any:0.0087 an:0.0078 our:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.3188 :0.4812 the:0.0407 and:0.0370 of:0.0323 in:0.0248 a:0.0235 for:0.0177 that:0.0121 by:0.0119 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7353 and:0.0729 of:0.0674 in:0.0469 to:0.0256 the:0.0150 on:0.0095 at:0.0093 for:0.0090 by:0.0089 -:0.7684 a:0.0580 to:0.0531 the:0.0525 and:0.0151 in:0.0121 an:0.0117 that:0.0102 his:0.0097 their:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2859 :0.4612 his:0.0537 a:0.0526 our:0.0301 their:0.0264 tho:0.0252 this:0.0239 its:0.0213 her:0.0196 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8957 hour:0.0264 increase:0.0198 act:0.0148 article:0.0084 inch:0.0079 action:0.0079 interest:0.0071 opportunity:0.0063 order:0.0057 -:0.9291 deal:0.0212 and:0.0147 many:0.0095 of:0.0053 is:0.0050 other:0.0044 was:0.0040 more:0.0035 or:0.0033 -:0.6089 be:0.2731 have:0.0483 bo:0.0208 not:0.0196 he:0.0085 the:0.0056 do:0.0055 and:0.0048 get:0.0048 -:0.7808 more:0.0780 less:0.0404 better:0.0299 greater:0.0193 than:0.0154 worse:0.0119 rather:0.0113 higher:0.0067 larger:0.0062 -:0.6831 of:0.1383 and:0.0450 in:0.0280 who:0.0234 are:0.0210 to:0.0190 have:0.0151 the:0.0151 were:0.0120 -not:0.3719 :0.5025 to:0.0383 probably:0.0201 soon:0.0143 be:0.0136 never:0.0134 will:0.0113 have:0.0078 hardly:0.0067 -:0.8237 and:0.0540 will:0.0294 to:0.0236 the:0.0178 of:0.0133 would:0.0102 or:0.0099 a:0.0094 was:0.0088 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.7690 the:0.0827 and:0.0446 of:0.0400 in:0.0208 to:0.0172 for:0.0079 a:0.0063 that:0.0061 on:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.3157 :0.3153 of:0.1236 the:0.0759 in:0.0406 for:0.0385 by:0.0363 and:0.0299 at:0.0137 an:0.0106 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -of:0.6785 :0.2048 in:0.0457 for:0.0166 by:0.0121 and:0.0113 to:0.0098 with:0.0076 on:0.0075 at:0.0060 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8817 doubt:0.0380 matter:0.0141 reason:0.0106 man:0.0101 means:0.0094 way:0.0094 longer:0.0091 action:0.0089 other:0.0088 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8232 a:0.0390 been:0.0389 the:0.0350 in:0.0197 be:0.0129 and:0.0098 an:0.0083 as:0.0072 to:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5712 the:0.2058 a:0.1120 and:0.0298 of:0.0251 to:0.0188 that:0.0132 in:0.0089 tho:0.0079 no:0.0073 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.8728 is:0.0283 time:0.0248 in:0.0146 to:0.0135 way:0.0106 morning:0.0105 place:0.0086 of:0.0084 was:0.0078 -:0.5043 the:0.1969 of:0.0927 and:0.0595 a:0.0575 in:0.0293 to:0.0222 for:0.0137 that:0.0128 his:0.0113 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -the:0.3492 :0.5402 a:0.0297 tho:0.0147 this:0.0144 his:0.0125 tbe:0.0111 their:0.0099 her:0.0096 an:0.0087 -be:0.5725 :0.2343 not:0.0688 bo:0.0594 he:0.0268 have:0.0173 lie:0.0087 never:0.0048 also:0.0038 become:0.0035 -:0.8738 to:0.0346 will:0.0263 as:0.0164 may:0.0159 a:0.0085 it:0.0074 can:0.0059 time:0.0058 would:0.0054 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.5182 if:0.2101 when:0.0689 that:0.0597 as:0.0452 before:0.0307 than:0.0193 and:0.0183 which:0.0150 where:0.0146 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8762 known:0.0201 it:0.0168 just:0.0151 far:0.0140 soon:0.0130 and:0.0127 well:0.0122 so:0.0103 is:0.0096 -:0.7573 and:0.0695 to:0.0339 the:0.0296 of:0.0284 in:0.0198 with:0.0177 by:0.0153 that:0.0150 from:0.0135 -:0.6965 for:0.0716 to:0.0711 in:0.0543 of:0.0220 on:0.0212 with:0.0211 and:0.0194 all:0.0118 from:0.0111 -:0.6904 he:0.1139 it:0.0769 that:0.0265 she:0.0258 there:0.0218 who:0.0178 which:0.0136 ho:0.0081 they:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.5662 the:0.2174 to:0.0430 a:0.0405 his:0.0369 and:0.0302 tho:0.0190 no:0.0169 this:0.0162 their:0.0137 -:0.6575 and:0.0697 is:0.0691 was:0.0612 will:0.0357 has:0.0262 to:0.0242 the:0.0212 we:0.0185 should:0.0167 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.6588 to:0.1763 and:0.0606 will:0.0445 would:0.0181 may:0.0107 can:0.0083 the:0.0082 shall:0.0073 should:0.0072 -:0.7246 and:0.1791 was:0.0252 of:0.0177 is:0.0146 to:0.0111 will:0.0092 which:0.0062 are:0.0061 but:0.0061 -:0.7098 to:0.1068 we:0.0523 will:0.0251 who:0.0220 you:0.0206 they:0.0188 would:0.0175 which:0.0145 that:0.0127 -:0.6355 of:0.1302 and:0.0791 to:0.0604 in:0.0271 for:0.0217 the:0.0172 on:0.0109 at:0.0108 are:0.0070 -the:0.5093 :0.3156 tho:0.0471 our:0.0290 his:0.0267 an:0.0178 their:0.0154 said:0.0143 such:0.0125 a:0.0123 -of:0.1327 :0.5037 in:0.0726 from:0.0591 on:0.0516 by:0.0495 for:0.0440 to:0.0383 with:0.0262 that:0.0223 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -has:0.5978 had:0.1425 :0.1372 have:0.0424 lias:0.0253 was:0.0155 not:0.0127 is:0.0106 having:0.0105 haa:0.0056 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7937 had:0.0492 went:0.0368 is:0.0285 was:0.0266 did:0.0204 got:0.0135 would:0.0113 saw:0.0101 made:0.0100 -to:0.2680 :0.3935 in:0.0791 for:0.0696 on:0.0635 by:0.0352 with:0.0282 into:0.0222 as:0.0205 at:0.0203 -:0.7543 the:0.1077 a:0.0586 and:0.0279 that:0.0107 in:0.0107 it:0.0104 an:0.0099 to:0.0049 his:0.0049 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5408 the:0.1725 a:0.1566 no:0.0497 not:0.0217 an:0.0157 in:0.0135 very:0.0124 any:0.0090 this:0.0080 -:0.7109 the:0.1166 a:0.0972 an:0.0132 it:0.0128 his:0.0112 that:0.0102 to:0.0098 their:0.0097 in:0.0084 -be:0.3426 :0.5205 not:0.0393 have:0.0276 bo:0.0225 he:0.0176 the:0.0155 make:0.0050 become:0.0049 take:0.0046 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.7086 and:0.0496 is:0.0476 was:0.0372 a:0.0349 it:0.0318 the:0.0263 are:0.0240 has:0.0203 of:0.0197 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7393 the:0.1367 and:0.0339 a:0.0189 of:0.0167 his:0.0161 this:0.0108 an:0.0093 said:0.0093 tho:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4586 :0.3151 to:0.0492 and:0.0473 for:0.0319 in:0.0299 from:0.0287 on:0.0134 is:0.0130 which:0.0130 -:0.8160 is:0.0808 was:0.0213 time:0.0202 as:0.0160 morning:0.0128 city:0.0098 year:0.0083 way:0.0080 be:0.0068 -of:0.8525 :0.0926 and:0.0158 in:0.0118 from:0.0052 to:0.0051 for:0.0050 ot:0.0043 with:0.0041 that:0.0035 -:0.6585 of:0.1167 in:0.0640 and:0.0384 to:0.0353 for:0.0235 on:0.0181 with:0.0180 by:0.0147 at:0.0129 -:0.5421 in:0.2198 to:0.0686 for:0.0294 by:0.0279 and:0.0279 the:0.0233 that:0.0223 on:0.0204 of:0.0184 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7282 that:0.0655 and:0.0617 as:0.0356 which:0.0355 but:0.0229 if:0.0179 when:0.0160 what:0.0089 where:0.0079 -:0.6542 the:0.1464 a:0.0444 his:0.0421 of:0.0379 their:0.0223 and:0.0201 my:0.0123 our:0.0112 in:0.0091 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -:0.6564 and:0.1410 as:0.0508 is:0.0493 was:0.0286 so:0.0167 but:0.0164 are:0.0150 a:0.0133 has:0.0124 -:0.9642 same:0.0063 city:0.0054 world:0.0041 right:0.0037 time:0.0036 day:0.0036 ground:0.0031 country:0.0030 state:0.0030 -:0.7777 the:0.1212 a:0.0291 their:0.0128 in:0.0120 and:0.0101 to:0.0100 one:0.0094 tho:0.0093 tbe:0.0085 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.7091 in:0.1072 to:0.0455 at:0.0292 on:0.0288 with:0.0169 for:0.0168 made:0.0164 that:0.0155 not:0.0147 -the:0.3210 a:0.3089 :0.2924 his:0.0148 not:0.0148 an:0.0136 no:0.0105 tho:0.0099 in:0.0075 very:0.0066 -:0.8145 and:0.0651 of:0.0412 in:0.0168 or:0.0133 is:0.0110 the:0.0107 was:0.0100 at:0.0094 to:0.0081 -:0.9414 one:0.0137 part:0.0114 number:0.0068 line:0.0051 many:0.0049 day:0.0048 out:0.0044 side:0.0039 half:0.0036 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9133 out:0.0172 one:0.0169 any:0.0111 some:0.0098 and:0.0071 that:0.0070 all:0.0066 because:0.0059 or:0.0052 -:0.7774 he:0.0700 they:0.0300 and:0.0285 it:0.0266 we:0.0224 she:0.0167 who:0.0132 there:0.0085 ho:0.0066 -:0.7977 of:0.0491 and:0.0376 the:0.0375 to:0.0170 in:0.0168 or:0.0121 from:0.0109 for:0.0107 that:0.0105 -:0.6253 of:0.1502 and:0.0707 in:0.0390 the:0.0383 for:0.0196 to:0.0157 as:0.0152 on:0.0132 at:0.0127 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8927 the:0.0286 and:0.0185 a:0.0143 of:0.0101 in:0.0098 to:0.0088 for:0.0059 at:0.0056 as:0.0056 -:0.7394 a:0.0741 of:0.0479 the:0.0412 and:0.0325 to:0.0253 in:0.0179 was:0.0076 be:0.0073 on:0.0068 -:0.6381 of:0.1228 to:0.0713 in:0.0467 at:0.0374 and:0.0289 for:0.0174 with:0.0150 by:0.0123 or:0.0099 -:0.7411 and:0.0691 the:0.0577 of:0.0364 a:0.0288 in:0.0157 is:0.0148 an:0.0128 that:0.0122 to:0.0115 -:0.9489 amount:0.0079 case:0.0064 day:0.0064 city:0.0060 part:0.0059 matter:0.0051 people:0.0046 sum:0.0045 one:0.0044 -:0.8037 that:0.0746 which:0.0496 and:0.0254 order:0.0129 the:0.0094 all:0.0067 this:0.0065 it:0.0056 him:0.0056 -:0.8001 take:0.0387 make:0.0387 give:0.0291 get:0.0238 keep:0.0184 see:0.0137 be:0.0133 do:0.0132 hold:0.0110 -:0.8895 him:0.0299 comply:0.0159 go:0.0117 me:0.0107 them:0.0097 us:0.0093 interfere:0.0086 it:0.0074 do:0.0073 -is:0.2847 :0.4498 was:0.0750 in:0.0503 to:0.0320 of:0.0308 the:0.0231 by:0.0210 on:0.0168 he:0.0165 -:0.7246 and:0.1791 was:0.0252 of:0.0177 is:0.0146 to:0.0111 will:0.0092 which:0.0062 are:0.0061 but:0.0061 -:0.8289 of:0.0593 and:0.0268 in:0.0207 to:0.0196 for:0.0147 or:0.0108 that:0.0073 on:0.0061 is:0.0058 -:0.8222 and:0.0380 he:0.0257 a:0.0219 the:0.0188 that:0.0185 of:0.0141 is:0.0140 was:0.0136 who:0.0131 -:0.8116 make:0.0445 do:0.0314 be:0.0183 take:0.0182 see:0.0173 give:0.0163 think:0.0146 get:0.0141 find:0.0136 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.6713 of:0.1826 and:0.0513 the:0.0279 in:0.0167 that:0.0119 on:0.0099 to:0.0099 for:0.0094 or:0.0090 -:0.7936 and:0.0556 of:0.0533 to:0.0218 the:0.0207 that:0.0137 in:0.0136 for:0.0112 a:0.0100 with:0.0065 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7128 to:0.0575 and:0.0519 the:0.0478 in:0.0360 of:0.0340 or:0.0184 will:0.0155 his:0.0140 their:0.0119 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6568 the:0.1289 to:0.0638 and:0.0437 of:0.0424 in:0.0172 a:0.0153 an:0.0124 will:0.0102 was:0.0093 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.8694 and:0.0471 of:0.0375 in:0.0093 to:0.0093 or:0.0060 at:0.0058 was:0.0058 on:0.0053 for:0.0046 -:0.9233 first:0.0164 same:0.0131 whole:0.0110 highest:0.0074 said:0.0069 best:0.0069 public:0.0052 following:0.0049 past:0.0048 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.9444 a:0.0093 young:0.0077 whole:0.0073 hundred:0.0067 and:0.0056 the:0.0052 county:0.0050 new:0.0048 little:0.0040 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.7853 get:0.0443 be:0.0361 go:0.0304 take:0.0237 come:0.0190 look:0.0177 put:0.0152 carry:0.0142 cut:0.0141 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -:0.8439 and:0.0502 he:0.0237 we:0.0178 they:0.0134 who:0.0133 to:0.0101 was:0.0098 of:0.0092 the:0.0088 -:0.8174 own:0.1305 great:0.0078 good:0.0077 full:0.0076 fathers:0.0075 wife:0.0069 new:0.0050 personal:0.0048 political:0.0048 -:0.8587 men:0.0365 people:0.0225 as:0.0222 farmers:0.0129 they:0.0119 things:0.0104 cases:0.0096 we:0.0087 there:0.0067 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7132 the:0.0731 in:0.0462 a:0.0325 to:0.0317 by:0.0310 that:0.0249 and:0.0202 him:0.0139 for:0.0134 -:0.9450 and:0.0104 situated:0.0081 up:0.0061 out:0.0060 engaged:0.0059 resulted:0.0059 occurred:0.0056 used:0.0038 situate:0.0034 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5947 of:0.1965 to:0.0846 and:0.0293 in:0.0274 for:0.0204 at:0.0141 or:0.0124 the:0.0119 that:0.0087 -:0.5326 of:0.2628 and:0.0715 in:0.0391 to:0.0295 for:0.0195 is:0.0128 that:0.0113 the:0.0104 on:0.0104 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.8123 made:0.0513 given:0.0252 done:0.0223 held:0.0202 paid:0.0184 foreclosed:0.0131 followed:0.0128 found:0.0122 seen:0.0121 -:0.7167 or:0.0568 and:0.0497 of:0.0495 for:0.0381 the:0.0294 in:0.0214 with:0.0171 about:0.0127 than:0.0087 -the:0.4116 :0.3877 a:0.0374 said:0.0350 his:0.0308 tho:0.0236 our:0.0223 their:0.0206 any:0.0157 this:0.0153 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8706 years:0.0275 feet:0.0212 side:0.0212 days:0.0138 miles:0.0136 line:0.0096 hours:0.0077 number:0.0074 out:0.0073 -:0.9215 is:0.0141 as:0.0117 had:0.0101 and:0.0075 not:0.0075 from:0.0074 allowed:0.0069 according:0.0069 made:0.0062 -:0.8666 of:0.0323 in:0.0245 and:0.0190 a:0.0135 the:0.0111 or:0.0095 for:0.0091 to:0.0084 was:0.0060 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.9157 and:0.0227 together:0.0183 down:0.0096 connected:0.0070 up:0.0064 acquainted:0.0054 it:0.0053 away:0.0049 but:0.0046 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.7768 a:0.0439 and:0.0380 is:0.0271 was:0.0270 of:0.0261 the:0.0216 in:0.0188 be:0.0109 are:0.0097 -:0.6438 the:0.1470 to:0.0745 this:0.0273 their:0.0267 and:0.0221 they:0.0150 an:0.0148 our:0.0146 we:0.0141 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7783 that:0.0651 have:0.0290 as:0.0279 is:0.0262 was:0.0179 be:0.0162 had:0.0157 has:0.0131 but:0.0105 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7827 and:0.0547 of:0.0359 the:0.0241 a:0.0219 to:0.0208 in:0.0189 that:0.0157 or:0.0132 is:0.0120 -:0.7768 to:0.0630 the:0.0552 of:0.0293 and:0.0265 in:0.0135 for:0.0108 said:0.0092 that:0.0087 with:0.0071 -:0.7797 of:0.0824 and:0.0740 or:0.0139 to:0.0115 in:0.0114 the:0.0076 who:0.0074 that:0.0063 as:0.0059 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7868 and:0.0430 to:0.0362 the:0.0317 a:0.0297 of:0.0210 in:0.0162 at:0.0126 that:0.0119 by:0.0109 -per:0.9822 :0.0115 nper:0.0018 of:0.0012 a:0.0012 to:0.0009 three:0.0004 hundred:0.0003 and:0.0003 the:0.0002 -:0.6313 th:0.1917 next:0.0413 first:0.0394 same:0.0284 said:0.0165 last:0.0158 st:0.0129 whole:0.0119 second:0.0107 -:0.7546 the:0.1042 and:0.0457 a:0.0259 his:0.0182 of:0.0144 or:0.0111 to:0.0104 in:0.0080 tho:0.0075 -:0.8203 the:0.0741 and:0.0327 of:0.0277 a:0.0119 in:0.0111 to:0.0073 this:0.0052 all:0.0049 with:0.0047 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.7869 be:0.0695 get:0.0264 find:0.0262 see:0.0254 make:0.0170 have:0.0137 take:0.0130 in:0.0111 all:0.0108 -:0.7775 in:0.0656 that:0.0251 for:0.0242 with:0.0229 to:0.0192 all:0.0181 on:0.0166 by:0.0159 of:0.0149 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8950 and:0.0619 that:0.0074 of:0.0072 but:0.0066 the:0.0050 it:0.0048 to:0.0046 which:0.0038 with:0.0038 -:0.7765 he:0.0628 and:0.0273 they:0.0258 it:0.0241 we:0.0193 that:0.0189 who:0.0170 which:0.0164 she:0.0120 -:0.8897 the:0.0313 a:0.0208 to:0.0172 that:0.0082 it:0.0072 be:0.0069 in:0.0067 one:0.0062 and:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.3104 :0.5823 an:0.0343 his:0.0148 their:0.0129 tho:0.0127 a:0.0116 two:0.0088 other:0.0067 its:0.0055 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.7053 it:0.1151 that:0.0638 which:0.0300 there:0.0245 and:0.0171 he:0.0133 what:0.0132 as:0.0129 this:0.0049 -:0.9011 and:0.0465 the:0.0213 of:0.0060 or:0.0059 was:0.0055 be:0.0035 as:0.0035 a:0.0034 is:0.0034 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5261 the:0.1481 of:0.0798 and:0.0699 to:0.0688 a:0.0250 or:0.0224 for:0.0219 by:0.0214 in:0.0168 -the:0.5304 this:0.1301 :0.2077 tho:0.0338 a:0.0254 his:0.0224 our:0.0206 tbe:0.0114 their:0.0097 any:0.0085 -:0.8549 the:0.0299 to:0.0246 in:0.0211 a:0.0203 and:0.0144 at:0.0115 by:0.0100 not:0.0067 that:0.0065 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6104 the:0.1194 to:0.0718 that:0.0703 a:0.0437 and:0.0216 it:0.0195 in:0.0155 by:0.0142 of:0.0135 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7973 to:0.0536 the:0.0340 and:0.0301 is:0.0207 not:0.0158 a:0.0149 was:0.0138 of:0.0101 so:0.0097 -a:0.5178 :0.3743 the:0.0344 an:0.0336 as:0.0086 of:0.0085 and:0.0060 in:0.0057 old:0.0056 tho:0.0055 -:0.8763 made:0.0326 given:0.0180 held:0.0129 done:0.0122 followed:0.0118 taken:0.0104 caused:0.0091 not:0.0085 appointed:0.0084 -:0.9139 and:0.0207 are:0.0108 is:0.0106 was:0.0096 to:0.0091 deal:0.0072 would:0.0065 will:0.0063 were:0.0053 -:0.6304 of:0.2633 and:0.0279 other:0.0224 or:0.0194 the:0.0086 one:0.0083 are:0.0070 with:0.0067 very:0.0062 -:0.6077 of:0.1425 and:0.0849 to:0.0493 in:0.0460 is:0.0186 was:0.0156 the:0.0124 will:0.0119 on:0.0113 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7127 of:0.0787 in:0.0538 to:0.0440 and:0.0298 on:0.0248 for:0.0172 that:0.0149 which:0.0130 from:0.0110 -:0.5357 was:0.1060 is:0.0911 be:0.0688 and:0.0614 as:0.0329 are:0.0317 has:0.0294 were:0.0237 had:0.0193 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8631 able:0.0295 not:0.0215 going:0.0176 likely:0.0150 unable:0.0116 due:0.0115 glad:0.0101 liable:0.0101 required:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.7652 of:0.0544 the:0.0504 and:0.0451 in:0.0253 to:0.0220 he:0.0104 this:0.0099 that:0.0092 a:0.0080 -:0.4562 of:0.1123 in:0.0920 was:0.0613 with:0.0607 for:0.0505 is:0.0503 and:0.0476 as:0.0474 at:0.0217 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5710 :0.2261 a:0.0462 his:0.0391 their:0.0285 its:0.0233 tho:0.0212 our:0.0169 these:0.0140 this:0.0137 -:0.5582 that:0.1344 and:0.0833 as:0.0547 but:0.0374 which:0.0369 if:0.0299 when:0.0259 where:0.0220 to:0.0174 -:0.9337 and:0.0210 of:0.0109 it:0.0076 at:0.0061 that:0.0051 is:0.0046 for:0.0041 or:0.0036 was:0.0032 -:0.8476 that:0.0548 made:0.0239 but:0.0125 found:0.0124 as:0.0115 in:0.0114 to:0.0091 put:0.0090 held:0.0078 -:0.8452 he:0.0350 and:0.0315 who:0.0266 it:0.0154 we:0.0122 they:0.0099 be:0.0091 that:0.0079 which:0.0073 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7125 the:0.0932 a:0.0926 that:0.0251 and:0.0225 he:0.0129 his:0.0118 they:0.0106 of:0.0096 in:0.0092 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.7386 the:0.1107 a:0.0335 not:0.0271 no:0.0242 in:0.0217 many:0.0152 very:0.0109 much:0.0098 more:0.0085 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7443 and:0.1072 the:0.0301 of:0.0237 was:0.0219 is:0.0182 that:0.0172 are:0.0134 he:0.0128 or:0.0112 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.7684 two:0.0369 three:0.0368 for:0.0350 of:0.0347 and:0.0191 many:0.0182 several:0.0180 four:0.0170 twenty:0.0160 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.7254 of:0.1064 and:0.0589 was:0.0237 is:0.0179 in:0.0169 the:0.0160 to:0.0149 for:0.0114 on:0.0084 -:0.6615 the:0.1113 of:0.0968 and:0.0323 in:0.0275 to:0.0177 his:0.0174 a:0.0140 was:0.0108 tho:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7627 and:0.0401 of:0.0383 to:0.0379 the:0.0366 in:0.0308 a:0.0150 that:0.0137 on:0.0132 for:0.0117 -:0.7518 and:0.0873 to:0.0374 in:0.0291 of:0.0290 that:0.0181 were:0.0136 are:0.0125 for:0.0108 was:0.0105 -:0.7563 was:0.0758 is:0.0513 had:0.0429 has:0.0287 and:0.0127 made:0.0087 would:0.0080 saw:0.0079 came:0.0077 -:0.8184 in:0.0423 of:0.0342 that:0.0199 as:0.0182 by:0.0155 with:0.0138 from:0.0131 for:0.0127 if:0.0118 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -in:0.2190 by:0.1608 :0.3472 with:0.0568 to:0.0543 for:0.0535 on:0.0480 from:0.0273 at:0.0178 and:0.0153 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4977 they:0.1408 he:0.1095 it:0.0940 we:0.0799 there:0.0333 she:0.0194 you:0.0113 ho:0.0081 which:0.0060 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6667 to:0.0709 of:0.0659 and:0.0648 the:0.0367 as:0.0284 in:0.0211 that:0.0166 for:0.0151 a:0.0139 -:0.8583 of:0.0524 and:0.0296 to:0.0185 in:0.0110 as:0.0081 for:0.0079 that:0.0054 at:0.0046 is:0.0043 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -of:0.6176 :0.2835 and:0.0348 in:0.0155 to:0.0142 ot:0.0091 the:0.0086 that:0.0057 with:0.0055 from:0.0054 -:0.6349 to:0.1665 in:0.0726 if:0.0297 that:0.0223 on:0.0201 for:0.0183 follows:0.0133 is:0.0111 all:0.0111 -:0.6288 the:0.1711 a:0.0918 their:0.0242 it:0.0209 this:0.0154 to:0.0128 them:0.0126 of:0.0117 him:0.0108 -:0.8549 him:0.0286 reason:0.0197 them:0.0195 reference:0.0189 law:0.0155 said:0.0144 regard:0.0122 us:0.0085 addition:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7398 of:0.1531 and:0.0231 hundred:0.0194 to:0.0162 or:0.0122 in:0.0109 year:0.0096 day:0.0083 that:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7482 to:0.0863 and:0.0318 in:0.0220 for:0.0213 that:0.0211 by:0.0196 a:0.0195 all:0.0162 as:0.0141 -:0.8246 he:0.0379 the:0.0264 who:0.0201 and:0.0198 it:0.0174 of:0.0156 was:0.0129 they:0.0128 is:0.0125 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6836 the:0.1691 and:0.0461 of:0.0303 in:0.0232 his:0.0138 a:0.0112 tho:0.0079 our:0.0074 their:0.0074 -:0.9344 the:0.0124 a:0.0118 and:0.0100 of:0.0083 other:0.0063 that:0.0050 one:0.0046 in:0.0039 as:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -be:0.3426 :0.5205 not:0.0393 have:0.0276 bo:0.0225 he:0.0176 the:0.0155 make:0.0050 become:0.0049 take:0.0046 -:0.7749 and:0.0517 a:0.0408 the:0.0400 of:0.0202 was:0.0196 in:0.0156 is:0.0146 be:0.0128 his:0.0100 -:0.4948 or:0.1379 of:0.0788 to:0.0711 and:0.0452 for:0.0444 from:0.0410 wide:0.0309 in:0.0289 thence:0.0269 -:0.6579 the:0.1309 of:0.0759 and:0.0306 a:0.0275 all:0.0205 to:0.0160 his:0.0141 their:0.0137 that:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.7503 the:0.1151 of:0.0482 at:0.0268 and:0.0183 in:0.0099 to:0.0095 a:0.0077 for:0.0076 said:0.0066 -:0.7373 day:0.0689 one:0.0664 part:0.0437 kind:0.0265 side:0.0209 time:0.0115 member:0.0098 sort:0.0083 class:0.0067 -:0.9622 time:0.0070 day:0.0064 man:0.0051 men:0.0049 wife:0.0036 and:0.0031 night:0.0028 interest:0.0024 year:0.0024 -:0.8607 the:0.0417 a:0.0356 said:0.0147 no:0.0112 an:0.0084 in:0.0078 made:0.0071 and:0.0070 more:0.0058 -:0.9178 that:0.0287 out:0.0108 one:0.0096 years:0.0073 line:0.0058 any:0.0055 and:0.0050 all:0.0049 it:0.0044 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8462 the:0.0754 and:0.0236 a:0.0135 of:0.0083 this:0.0078 to:0.0068 it:0.0066 which:0.0065 in:0.0055 -:0.6658 of:0.1065 and:0.0556 from:0.0473 to:0.0331 in:0.0282 the:0.0248 or:0.0159 a:0.0126 for:0.0101 -:0.6048 the:0.1992 of:0.0532 and:0.0355 a:0.0308 by:0.0183 in:0.0162 his:0.0150 for:0.0146 tho:0.0124 -:0.9430 and:0.0163 of:0.0143 to:0.0051 men:0.0041 time:0.0040 is:0.0036 the:0.0035 as:0.0033 who:0.0028 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -be:0.1906 :0.4944 a:0.1041 is:0.0652 was:0.0430 the:0.0377 not:0.0261 him:0.0160 have:0.0128 it:0.0100 -:0.6408 to:0.1371 will:0.0448 can:0.0430 who:0.0369 of:0.0275 and:0.0239 would:0.0220 could:0.0130 not:0.0111 -:0.5441 we:0.1067 it:0.0962 he:0.0876 they:0.0853 you:0.0346 she:0.0169 there:0.0161 has:0.0063 is:0.0061 -:0.8087 is:0.0663 city:0.0237 was:0.0208 the:0.0206 way:0.0165 time:0.0146 act:0.0103 country:0.0097 be:0.0087 -:0.4750 to:0.3064 will:0.0760 may:0.0242 should:0.0229 and:0.0223 shall:0.0200 must:0.0198 can:0.0189 would:0.0146 -:0.7466 of:0.0571 in:0.0569 the:0.0499 to:0.0290 and:0.0174 on:0.0137 a:0.0122 by:0.0099 that:0.0074 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8573 which:0.0340 the:0.0319 all:0.0176 that:0.0144 this:0.0113 order:0.0099 it:0.0092 and:0.0073 one:0.0070 -to:0.3138 of:0.1874 :0.3351 and:0.0570 for:0.0326 in:0.0302 will:0.0152 that:0.0107 the:0.0095 or:0.0085 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6073 the:0.2286 an:0.0619 of:0.0394 a:0.0133 and:0.0129 years:0.0129 or:0.0080 their:0.0078 tho:0.0078 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6444 a:0.1388 the:0.0926 and:0.0309 to:0.0288 an:0.0169 that:0.0132 this:0.0131 of:0.0109 in:0.0103 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9324 time:0.0111 came:0.0095 way:0.0083 desire:0.0082 and:0.0076 feet:0.0068 went:0.0064 order:0.0052 power:0.0046 -:0.9045 it:0.0268 well:0.0239 follows:0.0104 possible:0.0070 to:0.0067 long:0.0062 he:0.0049 much:0.0048 a:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6631 and:0.1678 the:0.0480 any:0.0302 or:0.0213 in:0.0209 no:0.0134 of:0.0131 each:0.0114 to:0.0105 -:0.7869 the:0.0564 a:0.0355 of:0.0281 that:0.0264 and:0.0183 in:0.0175 by:0.0145 it:0.0095 his:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7561 of:0.0437 as:0.0406 and:0.0370 that:0.0273 for:0.0265 if:0.0198 but:0.0198 which:0.0156 to:0.0136 -:0.8322 the:0.1014 this:0.0129 a:0.0107 said:0.0090 their:0.0081 his:0.0073 all:0.0066 tho:0.0059 these:0.0059 -:0.7336 a:0.0651 the:0.0407 and:0.0398 was:0.0371 is:0.0330 be:0.0182 as:0.0121 he:0.0112 one:0.0093 -:0.8207 and:0.0611 the:0.0260 is:0.0192 a:0.0171 was:0.0154 to:0.0133 that:0.0109 be:0.0085 this:0.0076 -:0.8725 and:0.0304 they:0.0196 that:0.0171 it:0.0141 there:0.0132 which:0.0121 men:0.0092 we:0.0067 or:0.0052 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8113 of:0.0572 the:0.0276 and:0.0275 to:0.0232 in:0.0176 a:0.0117 for:0.0090 or:0.0085 said:0.0064 -the:0.4157 :0.3263 a:0.1090 his:0.0380 any:0.0219 this:0.0195 its:0.0194 their:0.0185 tho:0.0163 every:0.0155 -:0.8833 and:0.0700 it:0.0081 but:0.0080 as:0.0061 is:0.0060 up:0.0048 to:0.0048 was:0.0048 that:0.0043 -:0.7381 and:0.0861 be:0.0301 was:0.0269 have:0.0244 is:0.0212 has:0.0201 as:0.0197 are:0.0186 the:0.0148 -be:0.2876 :0.5419 the:0.0752 have:0.0306 a:0.0174 do:0.0120 he:0.0105 bo:0.0099 make:0.0074 his:0.0074 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -be:0.2990 :0.4392 have:0.0970 not:0.0851 bo:0.0367 he:0.0136 do:0.0089 take:0.0083 never:0.0061 find:0.0060 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7762 and:0.0625 to:0.0413 is:0.0251 was:0.0223 are:0.0205 of:0.0187 have:0.0125 the:0.0105 be:0.0104 -:0.8268 in:0.0321 as:0.0275 by:0.0205 with:0.0205 that:0.0185 is:0.0175 was:0.0132 for:0.0128 to:0.0105 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8387 and:0.0528 the:0.0310 to:0.0182 a:0.0149 he:0.0098 who:0.0097 in:0.0084 be:0.0083 is:0.0082 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.7950 and:0.0820 be:0.0208 we:0.0169 of:0.0156 to:0.0146 in:0.0145 was:0.0140 is:0.0140 above:0.0127 -:0.5517 he:0.1222 who:0.1072 it:0.0810 she:0.0320 which:0.0283 and:0.0265 that:0.0253 there:0.0181 they:0.0076 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.8740 and:0.0534 was:0.0288 is:0.0100 it:0.0068 are:0.0068 that:0.0056 or:0.0055 but:0.0048 were:0.0042 -of:0.4019 :0.3676 in:0.1101 and:0.0274 that:0.0262 on:0.0202 from:0.0128 was:0.0121 at:0.0113 to:0.0103 -the:0.6061 :0.2386 our:0.0315 this:0.0285 his:0.0271 tho:0.0228 its:0.0134 a:0.0111 these:0.0104 their:0.0104 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8801 great:0.0236 good:0.0175 little:0.0174 large:0.0159 very:0.0141 few:0.0120 certain:0.0075 the:0.0062 and:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.7618 the:0.0875 a:0.0610 and:0.0179 not:0.0165 of:0.0144 to:0.0130 in:0.0098 no:0.0097 as:0.0084 -:0.6278 of:0.1117 the:0.0951 and:0.0461 to:0.0254 for:0.0246 a:0.0244 in:0.0219 or:0.0118 his:0.0111 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3983 :0.3334 in:0.0690 to:0.0555 and:0.0419 with:0.0399 on:0.0233 from:0.0162 for:0.0125 but:0.0101 -:0.7351 the:0.0969 a:0.0543 in:0.0311 to:0.0250 more:0.0142 and:0.0122 by:0.0114 if:0.0102 of:0.0096 -:0.7738 had:0.0483 have:0.0414 are:0.0348 has:0.0256 was:0.0255 is:0.0182 were:0.0147 will:0.0120 would:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8387 and:0.0528 the:0.0310 to:0.0182 a:0.0149 he:0.0098 who:0.0097 in:0.0084 be:0.0083 is:0.0082 -it:0.3801 :0.4381 he:0.0792 there:0.0452 she:0.0202 that:0.0092 they:0.0087 well:0.0070 ho:0.0067 which:0.0057 -:0.9426 them:0.0109 land:0.0097 interest:0.0077 sale:0.0068 men:0.0063 that:0.0050 the:0.0038 it:0.0037 all:0.0034 -:0.6235 or:0.1263 and:0.0558 of:0.0481 not:0.0420 is:0.0246 was:0.0246 the:0.0238 in:0.0178 be:0.0134 -:0.7934 by:0.0468 in:0.0431 the:0.0309 to:0.0207 and:0.0149 as:0.0139 a:0.0133 at:0.0125 on:0.0106 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5886 no:0.0894 of:0.0724 and:0.0706 the:0.0539 in:0.0471 to:0.0343 a:0.0256 or:0.0099 for:0.0082 -:0.6272 will:0.0904 to:0.0556 they:0.0435 would:0.0410 may:0.0350 we:0.0334 could:0.0253 can:0.0251 the:0.0235 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.7521 and:0.0708 the:0.0476 was:0.0330 of:0.0280 is:0.0163 in:0.0150 are:0.0142 be:0.0117 a:0.0114 -of:0.3171 to:0.1263 :0.2716 in:0.0742 for:0.0650 on:0.0351 and:0.0346 at:0.0319 with:0.0249 from:0.0195 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -the:0.2551 :0.5334 a:0.0638 no:0.0361 his:0.0341 tho:0.0246 its:0.0163 that:0.0124 tbe:0.0123 our:0.0120 -:0.7372 the:0.1097 of:0.0530 in:0.0203 and:0.0190 for:0.0173 at:0.0130 to:0.0126 a:0.0095 with:0.0084 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.8894 a:0.0259 two:0.0185 very:0.0135 and:0.0118 or:0.0087 one:0.0085 feet:0.0080 young:0.0079 great:0.0077 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8848 of:0.0304 and:0.0209 the:0.0203 that:0.0136 to:0.0083 as:0.0063 for:0.0056 a:0.0050 in:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9426 them:0.0109 land:0.0097 interest:0.0077 sale:0.0068 men:0.0063 that:0.0050 the:0.0038 it:0.0037 all:0.0034 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -the:0.6666 :0.2043 a:0.0518 this:0.0204 tho:0.0188 an:0.0105 tbe:0.0104 his:0.0065 said:0.0054 its:0.0053 -the:0.3530 :0.4582 a:0.0643 tho:0.0336 our:0.0225 his:0.0199 this:0.0170 their:0.0110 tbe:0.0108 said:0.0097 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9470 be:0.0156 and:0.0076 it:0.0065 work:0.0047 put:0.0044 have:0.0038 come:0.0035 appear:0.0035 go:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7812 the:0.0693 and:0.0669 of:0.0277 a:0.0154 that:0.0145 or:0.0069 he:0.0068 in:0.0059 his:0.0055 -:0.9094 out:0.0351 one:0.0212 part:0.0076 side:0.0059 up:0.0054 him:0.0046 use:0.0044 day:0.0033 home:0.0032 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6700 and:0.1439 of:0.0880 is:0.0246 but:0.0244 in:0.0180 on:0.0085 so:0.0083 to:0.0079 at:0.0063 -:0.6520 of:0.1817 and:0.0467 in:0.0268 to:0.0267 the:0.0175 as:0.0156 or:0.0122 on:0.0111 from:0.0096 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6621 of:0.1020 to:0.0600 the:0.0416 in:0.0405 and:0.0375 by:0.0171 for:0.0149 a:0.0133 with:0.0109 -of:0.2764 :0.5346 and:0.0407 to:0.0319 in:0.0267 the:0.0255 that:0.0245 for:0.0168 a:0.0125 are:0.0103 -:0.8063 and:0.0504 to:0.0365 of:0.0322 the:0.0220 in:0.0185 from:0.0106 for:0.0093 or:0.0073 a:0.0069 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9403 man:0.0192 day:0.0060 matter:0.0057 point:0.0055 year:0.0050 vote:0.0048 bill:0.0045 letter:0.0045 boy:0.0044 -:0.6024 be:0.2382 have:0.0348 not:0.0326 he:0.0296 the:0.0252 bo:0.0195 a:0.0073 it:0.0055 do:0.0052 -:0.6253 of:0.1502 and:0.0707 in:0.0390 the:0.0383 for:0.0196 to:0.0157 as:0.0152 on:0.0132 at:0.0127 -the:0.4481 :0.3872 a:0.0451 his:0.0386 and:0.0194 their:0.0179 by:0.0130 tho:0.0112 at:0.0103 tbe:0.0093 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9636 and:0.0093 in:0.0042 home:0.0038 way:0.0037 the:0.0036 feet:0.0033 time:0.0029 days:0.0029 a:0.0028 -:0.7803 the:0.0834 and:0.0443 a:0.0325 to:0.0161 of:0.0102 his:0.0101 or:0.0084 tho:0.0079 will:0.0067 -:0.8004 to:0.0396 in:0.0258 and:0.0257 with:0.0244 from:0.0204 for:0.0201 on:0.0169 that:0.0141 of:0.0126 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.5434 of:0.2665 and:0.0599 the:0.0293 in:0.0276 for:0.0189 to:0.0165 at:0.0136 or:0.0127 by:0.0116 -:0.7749 a:0.0628 the:0.0552 of:0.0273 and:0.0198 to:0.0155 in:0.0149 this:0.0139 is:0.0081 with:0.0076 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8425 and:0.0511 to:0.0275 was:0.0146 as:0.0119 of:0.0119 is:0.0114 that:0.0113 the:0.0092 he:0.0085 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.7022 out:0.0744 to:0.0391 it:0.0382 up:0.0353 and:0.0334 him:0.0274 that:0.0214 them:0.0174 down:0.0113 -:0.7684 not:0.1268 a:0.0200 he:0.0180 the:0.0160 so:0.0137 now:0.0108 also:0.0103 it:0.0081 being:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7866 and:0.0582 to:0.0364 in:0.0353 of:0.0222 that:0.0217 the:0.0177 by:0.0077 a:0.0073 as:0.0070 -:0.8840 and:0.0416 the:0.0122 of:0.0115 that:0.0104 it:0.0092 was:0.0085 is:0.0085 to:0.0072 he:0.0070 -:0.8435 of:0.0676 and:0.0421 the:0.0105 in:0.0080 as:0.0065 to:0.0059 by:0.0057 is:0.0051 at:0.0050 -:0.8631 able:0.0295 not:0.0215 going:0.0176 likely:0.0150 unable:0.0116 due:0.0115 glad:0.0101 liable:0.0101 required:0.0100 -:0.6701 will:0.0633 as:0.0470 and:0.0384 that:0.0358 is:0.0307 if:0.0301 would:0.0289 may:0.0284 when:0.0274 -:0.9372 and:0.0183 it:0.0089 that:0.0067 as:0.0062 of:0.0057 him:0.0051 in:0.0048 you:0.0036 is:0.0035 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5681 the:0.1840 a:0.1283 and:0.0506 of:0.0198 in:0.0138 this:0.0129 his:0.0083 tho:0.0075 that:0.0066 -:0.6456 of:0.0839 in:0.0797 and:0.0623 for:0.0250 that:0.0241 to:0.0217 on:0.0212 by:0.0184 at:0.0180 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.6049 the:0.1727 of:0.0611 a:0.0469 in:0.0398 by:0.0218 and:0.0213 with:0.0135 at:0.0092 tho:0.0088 -:0.7790 been:0.0642 in:0.0367 to:0.0364 made:0.0225 by:0.0159 not:0.0124 on:0.0113 for:0.0109 passed:0.0106 -:0.8649 of:0.0489 and:0.0304 the:0.0151 or:0.0075 that:0.0072 in:0.0070 to:0.0065 a:0.0064 was:0.0060 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7865 and:0.0621 of:0.0523 the:0.0335 in:0.0193 or:0.0131 that:0.0126 from:0.0072 with:0.0067 for:0.0067 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.9525 in:0.0126 to:0.0072 and:0.0059 it:0.0051 up:0.0038 out:0.0035 here:0.0032 on:0.0031 more:0.0031 -:0.6810 of:0.1455 and:0.0689 are:0.0273 is:0.0176 was:0.0174 in:0.0129 who:0.0116 were:0.0093 with:0.0085 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6540 the:0.0714 and:0.0692 a:0.0465 to:0.0465 of:0.0318 in:0.0284 is:0.0231 was:0.0177 not:0.0114 -the:0.0996 :0.7762 of:0.0256 a:0.0239 an:0.0180 by:0.0143 in:0.0119 or:0.0113 tho:0.0099 our:0.0094 -:0.8557 a:0.0250 and:0.0250 of:0.0210 the:0.0167 in:0.0156 is:0.0137 was:0.0128 have:0.0073 to:0.0073 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4300 they:0.1995 he:0.1389 we:0.1062 she:0.0331 it:0.0311 is:0.0187 has:0.0158 was:0.0150 you:0.0117 -:0.6632 to:0.0645 in:0.0490 of:0.0485 that:0.0386 by:0.0374 for:0.0271 with:0.0259 on:0.0257 and:0.0199 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -the:0.3957 :0.3311 a:0.1280 his:0.0458 its:0.0233 tho:0.0182 their:0.0166 tbe:0.0146 to:0.0138 any:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9440 same:0.0158 other:0.0089 great:0.0073 public:0.0052 following:0.0045 whole:0.0042 best:0.0036 first:0.0036 highest:0.0030 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7681 much:0.0528 that:0.0519 the:0.0331 far:0.0212 many:0.0200 as:0.0149 a:0.0134 to:0.0124 long:0.0123 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.9674 time:0.0053 hand:0.0043 day:0.0042 home:0.0035 way:0.0032 life:0.0032 name:0.0031 wife:0.0029 year:0.0029 -:0.7736 virtue:0.0748 one:0.0533 deed:0.0330 reason:0.0139 some:0.0117 any:0.0111 means:0.0101 those:0.0095 all:0.0090 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8310 thing:0.0278 day:0.0276 time:0.0251 reason:0.0202 fact:0.0179 way:0.0141 year:0.0128 man:0.0122 one:0.0113 -:0.7850 and:0.0609 of:0.0493 to:0.0313 the:0.0202 in:0.0168 for:0.0112 at:0.0088 he:0.0086 by:0.0079 -:0.9569 and:0.0176 it:0.0056 to:0.0044 one:0.0042 out:0.0026 them:0.0024 up:0.0022 he:0.0021 or:0.0020 -:0.8693 much:0.0291 little:0.0290 large:0.0164 good:0.0131 well:0.0113 great:0.0093 and:0.0075 small:0.0075 a:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.9371 and:0.0123 him:0.0081 made:0.0069 but:0.0068 paid:0.0061 it:0.0061 used:0.0057 them:0.0055 come:0.0054 -:0.6935 and:0.0624 of:0.0618 in:0.0465 have:0.0313 are:0.0256 to:0.0219 the:0.0217 had:0.0186 were:0.0167 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6837 to:0.1790 and:0.0632 will:0.0149 of:0.0147 or:0.0109 would:0.0100 the:0.0084 a:0.0076 was:0.0076 -:0.7952 and:0.0670 of:0.0292 is:0.0265 was:0.0210 to:0.0144 in:0.0134 are:0.0128 the:0.0113 but:0.0092 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.3681 :0.4492 a:0.0877 of:0.0267 and:0.0187 tho:0.0151 in:0.0106 an:0.0102 this:0.0088 to:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7532 the:0.0899 of:0.0395 to:0.0382 and:0.0314 a:0.0203 or:0.0076 in:0.0068 by:0.0066 as:0.0064 -of:0.2961 :0.3722 in:0.0835 to:0.0749 and:0.0463 for:0.0370 on:0.0333 by:0.0199 from:0.0186 with:0.0181 -is:0.2648 was:0.1076 does:0.0898 will:0.0894 would:0.0883 did:0.0527 :0.2108 could:0.0443 has:0.0302 should:0.0222 -:0.8809 and:0.0298 be:0.0149 was:0.0140 has:0.0118 have:0.0110 he:0.0106 were:0.0102 are:0.0097 is:0.0070 -:0.7878 be:0.0496 the:0.0308 his:0.0266 three:0.0209 her:0.0200 five:0.0192 ten:0.0163 twenty:0.0145 take:0.0144 -of:0.3084 :0.5209 and:0.0656 in:0.0186 the:0.0170 that:0.0165 is:0.0160 was:0.0145 or:0.0115 to:0.0109 -to:0.2547 :0.3645 in:0.0925 on:0.0601 from:0.0593 by:0.0576 for:0.0368 into:0.0289 with:0.0255 of:0.0202 -:0.8112 the:0.0343 to:0.0327 in:0.0272 not:0.0246 and:0.0177 of:0.0163 by:0.0127 at:0.0116 a:0.0115 -:0.8081 and:0.0697 is:0.0302 of:0.0207 as:0.0129 to:0.0128 are:0.0116 for:0.0116 was:0.0116 it:0.0110 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7621 and:0.0847 of:0.0384 to:0.0286 the:0.0184 in:0.0155 ago:0.0145 that:0.0131 from:0.0126 or:0.0120 -:0.9555 the:0.0106 and:0.0064 said:0.0060 of:0.0046 county:0.0046 th:0.0042 a:0.0035 that:0.0023 city:0.0022 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8700 one:0.0613 out:0.0112 composed:0.0110 all:0.0082 disposed:0.0081 plenty:0.0081 some:0.0080 made:0.0071 not:0.0070 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9378 and:0.0226 called:0.0075 was:0.0063 out:0.0047 made:0.0046 look:0.0045 him:0.0040 went:0.0040 it:0.0039 -:0.6118 are:0.1287 have:0.0964 were:0.0783 had:0.0295 will:0.0175 would:0.0140 could:0.0087 can:0.0082 may:0.0069 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6979 the:0.2014 and:0.0327 of:0.0176 that:0.0095 a:0.0094 this:0.0086 tho:0.0083 to:0.0075 an:0.0072 -:0.6244 was:0.1034 is:0.0982 are:0.0406 and:0.0347 he:0.0299 were:0.0296 has:0.0203 had:0.0095 be:0.0095 -to:0.4218 :0.4715 will:0.0315 and:0.0251 would:0.0136 we:0.0104 can:0.0085 the:0.0063 may:0.0059 could:0.0054 -:0.9533 it:0.0081 he:0.0074 wife:0.0062 name:0.0045 body:0.0045 there:0.0044 man:0.0041 father:0.0041 life:0.0035 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.9321 the:0.0135 land:0.0107 them:0.0104 life:0.0080 men:0.0063 said:0.0059 sale:0.0053 that:0.0040 it:0.0039 -the:0.2425 :0.3900 a:0.1276 to:0.0805 his:0.0478 in:0.0407 that:0.0252 and:0.0202 their:0.0138 by:0.0117 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8612 great:0.0336 very:0.0205 long:0.0191 large:0.0149 good:0.0147 few:0.0097 little:0.0090 new:0.0089 single:0.0084 -:0.6110 be:0.0796 was:0.0678 have:0.0552 has:0.0516 and:0.0379 is:0.0321 had:0.0276 were:0.0186 are:0.0185 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.5424 the:0.2506 of:0.0596 to:0.0455 a:0.0292 in:0.0277 tho:0.0152 and:0.0121 by:0.0097 this:0.0079 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8799 much:0.0337 many:0.0189 long:0.0149 and:0.0136 few:0.0121 good:0.0081 little:0.0070 great:0.0066 two:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6816 we:0.0924 to:0.0846 they:0.0602 will:0.0244 can:0.0142 would:0.0135 that:0.0108 you:0.0097 then:0.0086 -to:0.2248 :0.3856 in:0.0837 of:0.0621 for:0.0580 on:0.0524 with:0.0489 by:0.0434 at:0.0267 from:0.0145 -:0.7690 a:0.0542 and:0.0430 or:0.0374 the:0.0366 to:0.0168 of:0.0157 at:0.0103 in:0.0086 for:0.0085 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9181 and:0.0130 came:0.0116 made:0.0107 put:0.0105 set:0.0079 it:0.0078 went:0.0075 took:0.0072 got:0.0057 -:0.7071 of:0.0589 to:0.0581 and:0.0516 in:0.0281 as:0.0237 for:0.0225 the:0.0201 from:0.0164 by:0.0134 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6668 did:0.0602 do:0.0528 if:0.0372 was:0.0351 is:0.0341 had:0.0322 be:0.0311 it:0.0289 have:0.0217 -:0.7756 and:0.0839 as:0.0613 not:0.0285 but:0.0110 is:0.0090 we:0.0080 of:0.0077 to:0.0076 which:0.0075 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8449 the:0.0346 a:0.0309 in:0.0226 more:0.0212 be:0.0108 to:0.0091 and:0.0088 it:0.0086 that:0.0086 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.7714 and:0.0856 of:0.0656 to:0.0270 or:0.0167 in:0.0082 the:0.0078 was:0.0064 for:0.0058 is:0.0057 -:0.7319 of:0.0522 in:0.0460 to:0.0271 for:0.0269 with:0.0263 by:0.0236 that:0.0229 on:0.0224 and:0.0208 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5331 the:0.2241 a:0.0896 that:0.0495 it:0.0292 him:0.0165 his:0.0152 to:0.0152 them:0.0148 what:0.0128 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8795 and:0.0505 the:0.0274 to:0.0081 was:0.0070 is:0.0067 it:0.0055 an:0.0053 of:0.0050 he:0.0049 -:0.8850 of:0.0339 and:0.0299 to:0.0097 or:0.0083 from:0.0071 in:0.0068 is:0.0067 with:0.0065 was:0.0060 -of:0.4210 :0.4533 and:0.0510 in:0.0208 to:0.0139 the:0.0090 is:0.0089 or:0.0081 ot:0.0074 on:0.0067 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.8737 old:0.0382 average:0.0151 additional:0.0130 any:0.0115 excellent:0.0111 hour:0.0097 annual:0.0097 early:0.0095 enormous:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9458 children:0.0078 lives:0.0067 hands:0.0061 friends:0.0061 way:0.0059 own:0.0058 homes:0.0057 home:0.0055 wife:0.0045 -:0.7637 has:0.0507 and:0.0357 have:0.0347 is:0.0278 was:0.0245 had:0.0219 than:0.0145 who:0.0134 he:0.0133 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8778 in:0.0254 and:0.0167 that:0.0162 the:0.0131 to:0.0119 a:0.0109 on:0.0098 of:0.0092 by:0.0089 -:0.6059 it:0.1277 which:0.0787 and:0.0423 there:0.0375 that:0.0348 who:0.0276 he:0.0167 of:0.0158 what:0.0131 -:0.7635 the:0.0882 of:0.0448 and:0.0378 to:0.0211 a:0.0189 or:0.0078 for:0.0062 in:0.0061 this:0.0058 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9300 hour:0.0210 average:0.0147 inch:0.0062 old:0.0061 increase:0.0055 acre:0.0046 iron:0.0044 open:0.0040 interesting:0.0035 -:0.7630 own:0.1799 the:0.0186 last:0.0078 respective:0.0065 first:0.0065 best:0.0053 a:0.0045 great:0.0041 new:0.0039 -:0.8756 it:0.0203 he:0.0194 and:0.0193 they:0.0190 which:0.0140 we:0.0136 that:0.0077 there:0.0070 who:0.0042 -:0.7010 the:0.0915 a:0.0516 be:0.0502 this:0.0439 to:0.0199 his:0.0142 her:0.0113 its:0.0084 our:0.0080 -:0.7411 is:0.0768 was:0.0451 in:0.0365 of:0.0241 to:0.0171 with:0.0169 are:0.0166 all:0.0149 on:0.0109 -:0.6310 of:0.1564 and:0.0675 to:0.0435 in:0.0354 as:0.0197 at:0.0145 for:0.0117 that:0.0107 the:0.0097 -together:0.0681 away:0.0433 up:0.0330 down:0.0328 acquainted:0.0312 out:0.0198 compared:0.0131 him:0.0130 connected:0.0126 filled:0.0119 -:0.7868 the:0.0880 and:0.0346 a:0.0201 of:0.0177 was:0.0141 his:0.0120 in:0.0103 be:0.0083 are:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7834 of:0.0673 and:0.0464 to:0.0280 in:0.0266 that:0.0104 or:0.0104 was:0.0097 are:0.0095 is:0.0083 -:0.7988 than:0.0979 or:0.0211 of:0.0192 and:0.0172 to:0.0146 the:0.0124 a:0.0074 in:0.0065 for:0.0049 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -the:0.6614 :0.1762 a:0.0432 tho:0.0277 this:0.0240 his:0.0203 any:0.0140 their:0.0127 its:0.0108 tbe:0.0097 -he:0.2542 :0.3211 it:0.1594 they:0.1031 we:0.0488 she:0.0402 there:0.0381 ho:0.0182 you:0.0097 which:0.0070 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.7481 of:0.1328 and:0.0488 in:0.0159 the:0.0126 for:0.0106 at:0.0091 or:0.0088 to:0.0068 is:0.0064 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7750 be:0.0917 the:0.0373 this:0.0186 have:0.0178 take:0.0165 a:0.0149 make:0.0114 keep:0.0089 do:0.0079 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8907 not:0.0215 did:0.0172 but:0.0153 do:0.0117 now:0.0100 had:0.0091 and:0.0085 a:0.0083 it:0.0076 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.9003 and:0.0209 went:0.0201 came:0.0145 was:0.0096 it:0.0077 are:0.0071 is:0.0070 set:0.0066 come:0.0062 -:0.9078 the:0.0304 a:0.0220 and:0.0095 in:0.0058 he:0.0053 to:0.0051 an:0.0049 of:0.0047 that:0.0043 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.9104 and:0.0188 of:0.0142 to:0.0121 in:0.0121 that:0.0082 the:0.0082 up:0.0064 or:0.0051 one:0.0045 -:0.7887 and:0.0823 of:0.0342 in:0.0238 that:0.0157 the:0.0149 was:0.0110 to:0.0104 is:0.0100 or:0.0089 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7454 of:0.0841 and:0.0491 the:0.0317 in:0.0206 was:0.0173 to:0.0172 is:0.0123 that:0.0112 or:0.0111 -:0.7140 and:0.0617 be:0.0603 is:0.0490 was:0.0406 have:0.0234 he:0.0169 had:0.0115 are:0.0114 has:0.0113 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5428 of:0.1666 was:0.0723 is:0.0638 and:0.0584 or:0.0231 in:0.0209 for:0.0186 has:0.0168 to:0.0167 -:0.5392 in:0.1524 by:0.0711 for:0.0411 of:0.0383 with:0.0364 as:0.0363 on:0.0307 at:0.0304 to:0.0242 -:0.9443 who:0.0128 in:0.0102 and:0.0096 to:0.0052 it:0.0041 was:0.0036 or:0.0035 men:0.0034 of:0.0034 -:0.7182 of:0.1545 the:0.0297 a:0.0284 for:0.0190 and:0.0135 as:0.0112 by:0.0092 in:0.0083 his:0.0082 -:0.7131 has:0.0610 and:0.0590 have:0.0378 had:0.0338 will:0.0250 would:0.0213 was:0.0210 he:0.0145 is:0.0135 -:0.9189 is:0.0172 it:0.0123 and:0.0113 as:0.0107 according:0.0076 them:0.0063 seemed:0.0056 was:0.0051 ought:0.0050 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8696 other:0.0270 more:0.0246 one:0.0212 doubt:0.0188 longer:0.0133 reason:0.0070 matter:0.0062 better:0.0061 the:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5971 the:0.2329 a:0.0719 to:0.0268 and:0.0223 of:0.0209 tho:0.0079 his:0.0071 in:0.0069 this:0.0063 -:0.6235 or:0.1263 and:0.0558 of:0.0481 not:0.0420 is:0.0246 was:0.0246 the:0.0238 in:0.0178 be:0.0134 -:0.9270 and:0.0184 of:0.0125 the:0.0101 more:0.0100 to:0.0061 in:0.0047 as:0.0043 or:0.0041 that:0.0027 -:0.7413 if:0.0508 in:0.0445 by:0.0385 at:0.0266 of:0.0243 to:0.0232 before:0.0204 for:0.0163 more:0.0142 -:0.6656 is:0.1315 and:0.0631 are:0.0546 was:0.0305 were:0.0142 has:0.0109 have:0.0102 as:0.0100 but:0.0094 -:0.9640 city:0.0058 world:0.0043 country:0.0041 time:0.0040 state:0.0039 law:0.0037 people:0.0035 war:0.0034 same:0.0033 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9284 the:0.0151 of:0.0132 and:0.0101 in:0.0088 to:0.0078 at:0.0045 for:0.0042 who:0.0041 other:0.0037 -:0.9058 order:0.0251 regard:0.0126 charge:0.0123 favor:0.0082 him:0.0081 which:0.0077 them:0.0069 that:0.0068 time:0.0064 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.7750 in:0.0469 of:0.0392 and:0.0269 for:0.0267 with:0.0203 the:0.0189 at:0.0186 from:0.0140 by:0.0134 -:0.8694 and:0.0415 of:0.0354 that:0.0098 the:0.0082 in:0.0079 as:0.0075 is:0.0075 or:0.0065 which:0.0063 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8834 to:0.0396 that:0.0198 it:0.0125 as:0.0117 will:0.0087 we:0.0081 then:0.0070 the:0.0050 not:0.0042 -:0.8021 to:0.0397 in:0.0339 and:0.0275 on:0.0205 for:0.0187 of:0.0175 by:0.0150 at:0.0134 from:0.0117 -:0.8373 get:0.0303 take:0.0229 make:0.0228 see:0.0180 give:0.0157 all:0.0155 the:0.0140 prevent:0.0124 be:0.0110 -:0.7084 the:0.0973 of:0.0439 and:0.0428 a:0.0308 in:0.0222 his:0.0210 to:0.0122 was:0.0108 tho:0.0106 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.6817 the:0.1902 his:0.0279 and:0.0265 of:0.0229 an:0.0133 a:0.0113 their:0.0103 tho:0.0083 in:0.0076 -:0.9345 same:0.0133 first:0.0105 following:0.0097 public:0.0074 best:0.0054 above:0.0049 world:0.0048 present:0.0047 past:0.0047 -:0.7652 the:0.0928 of:0.0335 and:0.0246 a:0.0210 to:0.0205 in:0.0162 that:0.0099 this:0.0093 or:0.0071 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -:0.8584 and:0.0621 of:0.0151 for:0.0106 or:0.0100 up:0.0098 followed:0.0092 made:0.0083 in:0.0083 out:0.0081 -:0.7321 the:0.0715 of:0.0541 that:0.0412 and:0.0243 a:0.0227 he:0.0203 to:0.0121 for:0.0109 in:0.0108 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7369 and:0.0494 was:0.0474 is:0.0388 the:0.0295 he:0.0274 had:0.0209 has:0.0197 be:0.0156 have:0.0143 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6797 been:0.2148 not:0.0410 never:0.0126 just:0.0101 a:0.0091 it:0.0086 done:0.0084 so:0.0083 is:0.0074 -the:0.4422 :0.3604 a:0.0695 it:0.0237 him:0.0228 his:0.0224 her:0.0171 them:0.0147 this:0.0143 tho:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.7804 and:0.0516 was:0.0361 is:0.0354 has:0.0277 be:0.0152 had:0.0143 the:0.0136 we:0.0130 he:0.0129 -:0.8984 to:0.0249 up:0.0129 him:0.0120 down:0.0097 out:0.0095 them:0.0092 it:0.0089 in:0.0082 and:0.0063 -:0.8174 able:0.0689 made:0.0273 allowed:0.0192 compelled:0.0144 given:0.0134 taken:0.0104 unable:0.0100 used:0.0100 sent:0.0091 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.8686 the:0.0487 and:0.0213 of:0.0190 in:0.0101 a:0.0093 to:0.0071 or:0.0059 that:0.0054 it:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7560 of:0.0614 the:0.0542 and:0.0461 to:0.0213 a:0.0197 in:0.0158 was:0.0099 or:0.0079 is:0.0076 -:0.9000 that:0.0238 all:0.0210 the:0.0177 which:0.0117 in:0.0077 said:0.0046 about:0.0046 making:0.0045 and:0.0043 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -the:0.5252 :0.2561 a:0.0906 its:0.0257 this:0.0228 his:0.0197 their:0.0192 tho:0.0191 our:0.0133 tbe:0.0082 -:0.8160 large:0.0558 little:0.0216 good:0.0191 long:0.0167 great:0.0155 very:0.0155 few:0.0141 certain:0.0134 new:0.0123 -:0.6673 to:0.1004 in:0.0615 that:0.0288 have:0.0263 and:0.0260 are:0.0240 of:0.0239 on:0.0227 by:0.0189 -:0.8978 and:0.0312 that:0.0164 it:0.0111 him:0.0098 up:0.0090 to:0.0069 for:0.0061 them:0.0059 or:0.0058 -:0.8522 and:0.0607 are:0.0246 were:0.0134 or:0.0112 was:0.0103 is:0.0092 of:0.0070 to:0.0059 not:0.0054 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7166 the:0.1418 a:0.0416 of:0.0291 and:0.0198 his:0.0128 this:0.0118 to:0.0097 their:0.0086 tho:0.0081 -or:0.2530 of:0.1901 :0.3395 and:0.0624 was:0.0400 are:0.0279 the:0.0251 to:0.0225 were:0.0208 is:0.0188 -:0.8465 to:0.0363 be:0.0252 and:0.0191 not:0.0172 in:0.0166 the:0.0136 been:0.0110 on:0.0081 a:0.0064 -:0.7584 and:0.0555 of:0.0419 the:0.0402 that:0.0378 to:0.0216 he:0.0129 in:0.0121 which:0.0100 for:0.0096 -of:0.2632 :0.4817 and:0.0719 is:0.0419 was:0.0342 at:0.0296 or:0.0269 has:0.0181 for:0.0173 in:0.0153 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8728 and:0.0392 of:0.0256 to:0.0180 the:0.0163 a:0.0079 that:0.0068 or:0.0048 is:0.0043 was:0.0043 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -of:0.2327 :0.4725 in:0.1081 and:0.0413 on:0.0362 for:0.0327 to:0.0264 that:0.0185 from:0.0170 at:0.0146 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7706 and:0.0762 of:0.0407 to:0.0276 the:0.0177 in:0.0160 is:0.0155 was:0.0135 as:0.0115 for:0.0106 -:0.9156 one:0.0244 part:0.0141 out:0.0125 line:0.0067 and:0.0060 many:0.0052 portion:0.0052 all:0.0052 day:0.0051 -to:0.4150 :0.4364 and:0.0694 will:0.0192 who:0.0163 that:0.0107 we:0.0097 can:0.0095 not:0.0072 could:0.0065 -:0.7947 and:0.0457 if:0.0324 that:0.0307 of:0.0240 to:0.0196 which:0.0173 as:0.0132 for:0.0114 by:0.0109 -:0.7271 the:0.0754 of:0.0521 and:0.0387 that:0.0315 to:0.0182 a:0.0178 as:0.0141 in:0.0140 was:0.0111 -:0.4994 was:0.1329 be:0.0820 has:0.0653 had:0.0601 is:0.0484 have:0.0483 were:0.0235 are:0.0220 and:0.0181 -:0.9340 city:0.0125 people:0.0102 court:0.0097 time:0.0066 country:0.0063 same:0.0060 work:0.0054 money:0.0047 ground:0.0046 -:0.5545 to:0.1574 it:0.0987 him:0.0682 them:0.0293 us:0.0261 will:0.0255 that:0.0191 you:0.0111 not:0.0102 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8048 a:0.0641 the:0.0446 in:0.0178 and:0.0141 is:0.0119 an:0.0112 his:0.0111 no:0.0104 made:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8963 the:0.0310 and:0.0236 of:0.0088 it:0.0077 a:0.0076 to:0.0074 his:0.0064 this:0.0062 will:0.0049 -of:0.3670 :0.4580 and:0.0519 or:0.0258 in:0.0205 to:0.0204 with:0.0196 for:0.0155 on:0.0116 from:0.0097 -:0.8038 and:0.0536 of:0.0443 the:0.0274 in:0.0225 for:0.0123 a:0.0110 to:0.0101 by:0.0080 that:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7474 the:0.1904 and:0.0181 of:0.0109 his:0.0102 a:0.0063 in:0.0049 other:0.0042 tho:0.0038 an:0.0037 -:0.5869 the:0.2199 that:0.0441 a:0.0380 to:0.0340 it:0.0259 in:0.0162 and:0.0134 his:0.0116 tho:0.0100 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6324 the:0.1530 a:0.0607 of:0.0552 in:0.0264 and:0.0225 to:0.0188 with:0.0118 by:0.0106 for:0.0085 -:0.8994 out:0.0380 one:0.0219 and:0.0117 that:0.0075 or:0.0064 some:0.0040 but:0.0038 all:0.0038 because:0.0035 -:0.4743 to:0.1667 by:0.1108 with:0.0648 for:0.0499 from:0.0317 in:0.0317 of:0.0286 that:0.0245 on:0.0172 -:0.5112 of:0.2227 to:0.1019 and:0.0751 as:0.0186 for:0.0168 in:0.0163 with:0.0128 by:0.0126 the:0.0120 -:0.7772 of:0.0698 the:0.0627 and:0.0326 young:0.0160 two:0.0115 in:0.0095 all:0.0073 by:0.0070 for:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7366 and:0.0974 of:0.0521 in:0.0256 is:0.0178 or:0.0165 are:0.0154 was:0.0149 the:0.0118 that:0.0117 -:0.6052 of:0.2244 and:0.0454 the:0.0415 is:0.0173 was:0.0162 that:0.0142 in:0.0137 to:0.0110 or:0.0110 -:0.8383 is:0.0364 and:0.0348 as:0.0240 was:0.0151 from:0.0130 began:0.0102 it:0.0096 came:0.0095 are:0.0091 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.7770 very:0.0613 great:0.0366 good:0.0277 little:0.0256 few:0.0223 large:0.0195 most:0.0117 new:0.0094 certain:0.0089 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9172 it:0.0132 the:0.0115 that:0.0107 not:0.0100 all:0.0097 to:0.0081 then:0.0078 he:0.0065 there:0.0053 -:0.8742 of:0.0342 the:0.0248 and:0.0185 for:0.0092 in:0.0090 his:0.0086 to:0.0083 that:0.0071 their:0.0060 -:0.6899 is:0.1036 and:0.0445 it:0.0336 are:0.0336 was:0.0241 you:0.0209 as:0.0172 we:0.0164 that:0.0163 -:0.8551 and:0.0342 to:0.0196 in:0.0190 of:0.0182 the:0.0141 by:0.0134 for:0.0116 at:0.0076 a:0.0070 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7399 know:0.0950 believe:0.0362 so:0.0286 say:0.0249 think:0.0241 see:0.0152 be:0.0149 feel:0.0124 understand:0.0089 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.9681 more:0.0042 day:0.0041 law:0.0037 and:0.0036 way:0.0035 year:0.0035 bill:0.0033 side:0.0032 county:0.0029 -be:0.5741 :0.3453 have:0.0373 bo:0.0167 he:0.0064 the:0.0064 get:0.0045 lie:0.0037 do:0.0029 go:0.0026 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -so:0.2668 been:0.2624 :0.3254 not:0.0918 a:0.0127 as:0.0109 never:0.0092 always:0.0075 no:0.0071 the:0.0062 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8389 and:0.0504 of:0.0376 to:0.0186 in:0.0128 or:0.0123 with:0.0103 day:0.0071 on:0.0061 is:0.0058 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.7631 and:0.0730 is:0.0344 to:0.0317 that:0.0233 was:0.0162 the:0.0155 will:0.0151 or:0.0151 of:0.0126 -:0.5026 we:0.1456 who:0.1086 they:0.0902 to:0.0385 would:0.0339 will:0.0255 you:0.0214 should:0.0193 and:0.0144 -:0.8427 said:0.0311 same:0.0305 whole:0.0239 first:0.0142 most:0.0130 other:0.0115 public:0.0115 entire:0.0113 great:0.0103 -:0.8055 are:0.0460 was:0.0296 had:0.0253 is:0.0212 has:0.0195 were:0.0195 have:0.0162 made:0.0089 found:0.0083 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5845 of:0.1677 to:0.0446 and:0.0412 for:0.0373 in:0.0345 with:0.0334 by:0.0318 than:0.0134 on:0.0115 -a:0.0924 the:0.0344 his:0.0288 their:0.0216 :0.7782 its:0.0175 all:0.0101 these:0.0058 tho:0.0058 bis:0.0054 -:0.8033 of:0.0654 and:0.0398 in:0.0284 to:0.0187 as:0.0122 at:0.0115 the:0.0074 for:0.0070 with:0.0062 -:0.8743 him:0.0353 it:0.0305 that:0.0156 them:0.0117 us:0.0110 me:0.0069 put:0.0056 up:0.0047 out:0.0044 -of:0.3195 :0.3898 and:0.0686 the:0.0658 in:0.0556 or:0.0287 is:0.0257 was:0.0199 to:0.0147 his:0.0117 -the:0.2254 :0.5338 his:0.0555 all:0.0379 any:0.0362 some:0.0246 a:0.0244 two:0.0240 many:0.0217 three:0.0166 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6738 of:0.1145 and:0.0796 the:0.0451 which:0.0214 or:0.0169 for:0.0162 was:0.0114 in:0.0113 a:0.0096 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -of:0.3223 :0.3461 in:0.0966 and:0.0530 from:0.0400 for:0.0326 by:0.0298 to:0.0275 with:0.0271 on:0.0249 -:0.8540 was:0.0319 the:0.0307 had:0.0191 is:0.0133 of:0.0118 and:0.0115 in:0.0098 a:0.0098 to:0.0081 -:0.7669 in:0.0596 all:0.0379 that:0.0306 on:0.0264 by:0.0254 to:0.0166 which:0.0133 for:0.0117 from:0.0116 -:0.9079 provided:0.0245 it:0.0180 well:0.0118 shown:0.0107 made:0.0064 given:0.0053 to:0.0052 is:0.0052 a:0.0051 -:0.7336 a:0.0651 the:0.0407 and:0.0398 was:0.0371 is:0.0330 be:0.0182 as:0.0121 he:0.0112 one:0.0093 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -the:0.0868 a:0.0551 :0.7800 of:0.0144 tho:0.0125 his:0.0121 this:0.0108 every:0.0101 their:0.0094 any:0.0087 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9403 and:0.0257 it:0.0096 that:0.0050 was:0.0040 or:0.0036 is:0.0032 who:0.0029 of:0.0028 he:0.0028 -:0.7762 of:0.0636 in:0.0416 a:0.0277 the:0.0256 by:0.0142 that:0.0136 on:0.0131 and:0.0126 for:0.0118 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.6886 the:0.2179 a:0.0203 tho:0.0151 that:0.0144 his:0.0137 this:0.0097 it:0.0070 their:0.0068 which:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6654 the:0.2283 a:0.0270 this:0.0161 said:0.0159 tho:0.0153 his:0.0092 our:0.0083 tbe:0.0075 their:0.0070 -:0.7611 of:0.0758 the:0.0499 in:0.0309 and:0.0250 for:0.0151 a:0.0122 at:0.0102 by:0.0100 or:0.0099 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -of:0.3258 :0.4861 and:0.0548 in:0.0377 to:0.0197 with:0.0188 for:0.0181 on:0.0136 as:0.0128 at:0.0125 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -the:0.5692 :0.2943 our:0.0296 tho:0.0287 his:0.0170 a:0.0168 their:0.0130 its:0.0113 her:0.0105 this:0.0096 -to:0.1405 :0.4684 in:0.0763 with:0.0585 on:0.0582 from:0.0572 of:0.0443 that:0.0331 for:0.0319 by:0.0315 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8992 one:0.0418 out:0.0260 not:0.0061 all:0.0054 some:0.0047 more:0.0045 plenty:0.0044 nothing:0.0039 many:0.0039 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7690 to:0.0497 that:0.0495 but:0.0448 and:0.0228 with:0.0197 as:0.0146 for:0.0117 from:0.0100 in:0.0081 -:0.7059 the:0.1259 of:0.0505 and:0.0407 to:0.0230 a:0.0170 in:0.0143 an:0.0084 said:0.0081 that:0.0061 -:0.7661 the:0.0937 of:0.0423 and:0.0254 a:0.0233 was:0.0117 in:0.0114 his:0.0110 is:0.0076 are:0.0075 -:0.8187 of:0.0572 in:0.0330 to:0.0264 and:0.0250 the:0.0134 that:0.0072 a:0.0071 as:0.0063 for:0.0057 -the:0.7392 :0.1727 tho:0.0158 a:0.0151 his:0.0121 any:0.0101 this:0.0100 our:0.0095 its:0.0084 their:0.0071 -:0.7156 the:0.1325 a:0.0461 that:0.0189 any:0.0180 he:0.0167 to:0.0149 one:0.0148 it:0.0116 all:0.0108 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5582 the:0.3077 a:0.0339 of:0.0288 and:0.0170 an:0.0149 tho:0.0141 or:0.0091 our:0.0082 his:0.0080 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7453 told:0.0533 gave:0.0507 saw:0.0436 would:0.0249 was:0.0223 made:0.0192 found:0.0150 to:0.0129 got:0.0128 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.5236 of:0.1264 that:0.0860 in:0.0599 for:0.0568 to:0.0547 and:0.0275 by:0.0269 with:0.0206 on:0.0175 -:0.6376 in:0.0665 of:0.0646 is:0.0445 for:0.0402 with:0.0394 to:0.0316 on:0.0280 at:0.0242 was:0.0234 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.2925 :0.5309 the:0.0283 and:0.0269 in:0.0241 out:0.0215 with:0.0210 on:0.0196 a:0.0188 into:0.0163 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.7853 all:0.0509 of:0.0391 in:0.0318 is:0.0240 with:0.0182 the:0.0155 that:0.0146 for:0.0113 was:0.0092 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.8548 in:0.0316 the:0.0296 and:0.0174 a:0.0148 to:0.0136 that:0.0115 for:0.0098 on:0.0086 be:0.0083 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.7274 will:0.0640 he:0.0385 is:0.0346 was:0.0263 may:0.0254 it:0.0223 would:0.0217 we:0.0211 are:0.0187 -:0.4341 in:0.1729 of:0.1681 that:0.0577 on:0.0397 for:0.0320 to:0.0316 and:0.0255 with:0.0232 by:0.0152 -:0.7985 had:0.0473 he:0.0380 who:0.0285 has:0.0245 was:0.0203 they:0.0113 have:0.0113 and:0.0110 is:0.0092 -:0.6184 the:0.1346 to:0.0987 and:0.0452 by:0.0223 in:0.0218 a:0.0187 from:0.0142 with:0.0140 for:0.0121 -:0.7039 a:0.0830 the:0.0630 is:0.0463 and:0.0365 was:0.0195 of:0.0150 be:0.0111 in:0.0110 are:0.0107 -the:0.3747 :0.3314 this:0.1161 any:0.0452 not:0.0277 they:0.0221 their:0.0213 we:0.0210 a:0.0205 an:0.0200 -:0.9094 own:0.0393 wife:0.0095 life:0.0094 hand:0.0086 home:0.0054 hands:0.0050 death:0.0047 first:0.0044 fathers:0.0042 -the:0.3895 :0.4482 a:0.0593 tho:0.0272 his:0.0230 this:0.0144 their:0.0110 an:0.0101 our:0.0093 its:0.0081 -:0.6558 to:0.0931 the:0.0493 by:0.0408 and:0.0348 in:0.0291 that:0.0260 a:0.0257 of:0.0245 for:0.0209 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7757 and:0.0467 it:0.0454 which:0.0418 he:0.0364 there:0.0158 who:0.0129 that:0.0119 but:0.0069 she:0.0064 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7608 the:0.0546 and:0.0447 a:0.0316 with:0.0263 that:0.0183 are:0.0171 in:0.0165 it:0.0155 or:0.0145 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6041 of:0.1177 in:0.0715 and:0.0587 to:0.0420 with:0.0359 from:0.0237 on:0.0205 for:0.0148 that:0.0110 -:0.8172 kinds:0.0680 parts:0.0413 sorts:0.0254 cases:0.0128 one:0.0100 that:0.0077 right:0.0060 those:0.0060 part:0.0057 -a:0.2871 the:0.2859 :0.2562 their:0.0505 his:0.0349 an:0.0199 our:0.0196 tho:0.0161 to:0.0158 its:0.0140 -:0.6374 of:0.0966 and:0.0543 is:0.0451 as:0.0392 in:0.0304 a:0.0263 for:0.0260 to:0.0227 or:0.0221 -:0.6884 and:0.0971 of:0.0771 the:0.0291 in:0.0287 to:0.0236 with:0.0185 that:0.0144 for:0.0143 as:0.0089 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.4432 is:0.1441 are:0.1412 was:0.0998 were:0.0581 and:0.0294 he:0.0257 be:0.0253 the:0.0202 has:0.0130 -:0.7069 the:0.1238 of:0.0659 and:0.0317 to:0.0231 in:0.0169 a:0.0128 his:0.0069 tho:0.0061 that:0.0060 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.5679 well:0.1940 soon:0.0910 far:0.0445 much:0.0308 it:0.0261 long:0.0157 fast:0.0109 just:0.0107 possible:0.0084 -:0.9559 same:0.0111 was:0.0065 first:0.0062 most:0.0046 next:0.0037 above:0.0036 second:0.0031 is:0.0026 said:0.0026 -:0.7907 of:0.0734 and:0.0327 the:0.0287 in:0.0227 for:0.0129 to:0.0120 is:0.0093 with:0.0090 as:0.0086 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4583 :0.3844 a:0.0286 tho:0.0255 this:0.0247 his:0.0208 their:0.0170 our:0.0150 an:0.0142 its:0.0116 -:0.5932 the:0.1999 of:0.0939 a:0.0320 and:0.0183 in:0.0151 his:0.0134 tho:0.0119 no:0.0114 their:0.0108 -:0.6113 of:0.2160 the:0.0309 to:0.0306 in:0.0294 and:0.0291 that:0.0215 for:0.0122 a:0.0116 as:0.0074 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7540 the:0.1059 and:0.0543 a:0.0200 to:0.0160 this:0.0138 was:0.0104 in:0.0089 his:0.0083 will:0.0083 -:0.5634 is:0.1464 the:0.1013 was:0.0474 he:0.0465 be:0.0254 it:0.0212 has:0.0181 are:0.0170 if:0.0134 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9456 city:0.0083 world:0.0075 law:0.0073 matter:0.0066 people:0.0061 country:0.0056 right:0.0049 war:0.0042 time:0.0039 -:0.8324 the:0.0461 and:0.0328 be:0.0204 he:0.0176 of:0.0144 in:0.0109 is:0.0097 was:0.0093 his:0.0065 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.9318 and:0.0173 that:0.0123 but:0.0072 up:0.0069 not:0.0064 him:0.0048 is:0.0047 out:0.0043 than:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7305 the:0.0746 to:0.0459 and:0.0293 in:0.0277 of:0.0243 that:0.0198 for:0.0167 by:0.0156 a:0.0156 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6277 has:0.2129 had:0.0550 have:0.0491 bad:0.0198 ha:0.0102 is:0.0072 having:0.0071 bill:0.0058 was:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.8115 able:0.0740 allowed:0.0251 made:0.0218 required:0.0175 given:0.0118 used:0.0114 compelled:0.0103 ready:0.0083 liable:0.0082 -:0.9578 and:0.0172 one:0.0038 or:0.0036 that:0.0035 was:0.0033 out:0.0032 it:0.0032 is:0.0022 day:0.0021 -:0.7743 and:0.0744 of:0.0401 the:0.0311 to:0.0283 in:0.0124 is:0.0120 for:0.0113 was:0.0083 or:0.0078 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -had:0.3189 :0.3521 not:0.0982 always:0.0501 already:0.0399 has:0.0348 ever:0.0345 never:0.0273 have:0.0255 been:0.0186 -the:0.5721 a:0.1162 this:0.0696 :0.1481 their:0.0190 tho:0.0175 his:0.0164 no:0.0143 any:0.0136 our:0.0132 -:0.7729 the:0.0682 a:0.0602 to:0.0229 an:0.0164 in:0.0158 and:0.0135 tho:0.0121 at:0.0094 by:0.0087 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6933 the:0.0963 and:0.0678 of:0.0459 that:0.0251 or:0.0179 to:0.0177 a:0.0158 this:0.0113 in:0.0088 -:0.8971 and:0.0215 of:0.0197 to:0.0135 so:0.0121 but:0.0087 in:0.0084 all:0.0080 from:0.0055 said:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8870 be:0.0349 him:0.0166 them:0.0111 come:0.0105 which:0.0088 work:0.0086 us:0.0076 do:0.0075 say:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -was:0.2947 is:0.2419 :0.2564 be:0.0681 has:0.0680 were:0.0185 and:0.0149 would:0.0135 had:0.0123 will:0.0116 -:0.8387 and:0.0528 the:0.0310 to:0.0182 a:0.0149 he:0.0098 who:0.0097 in:0.0084 be:0.0083 is:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -the:0.2786 :0.5072 his:0.0640 a:0.0417 be:0.0248 tho:0.0202 their:0.0165 any:0.0162 its:0.0158 this:0.0150 -:0.9559 land:0.0059 city:0.0058 right:0.0057 people:0.0048 free:0.0047 bill:0.0046 world:0.0043 same:0.0042 law:0.0041 -be:0.6669 have:0.1546 :0.1185 bo:0.0342 not:0.0066 never:0.0052 had:0.0044 are:0.0035 he:0.0033 soon:0.0029 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -:0.6378 the:0.1053 by:0.0491 a:0.0465 that:0.0403 and:0.0343 to:0.0292 in:0.0226 for:0.0186 of:0.0164 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7794 and:0.0879 or:0.0259 was:0.0258 are:0.0172 is:0.0167 had:0.0120 the:0.0118 were:0.0117 to:0.0116 -:0.5855 of:0.1592 for:0.0744 to:0.0599 by:0.0271 on:0.0259 with:0.0237 in:0.0158 upon:0.0156 from:0.0129 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.8339 to:0.0394 and:0.0350 he:0.0174 is:0.0172 who:0.0139 was:0.0136 it:0.0121 be:0.0092 have:0.0083 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6154 for:0.0844 of:0.0765 by:0.0475 in:0.0416 to:0.0317 with:0.0289 and:0.0265 as:0.0260 at:0.0214 -:0.6731 and:0.0644 of:0.0530 to:0.0480 the:0.0469 for:0.0354 in:0.0351 that:0.0164 at:0.0151 from:0.0125 -:0.8405 and:0.0417 deal:0.0303 fact:0.0230 reason:0.0152 thing:0.0131 way:0.0103 but:0.0097 time:0.0082 things:0.0080 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7834 of:0.0673 and:0.0464 to:0.0280 in:0.0266 that:0.0104 or:0.0104 was:0.0097 are:0.0095 is:0.0083 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.8217 men:0.0471 who:0.0262 we:0.0222 things:0.0222 they:0.0178 people:0.0173 children:0.0102 officers:0.0083 farmers:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9572 it:0.0101 and:0.0079 that:0.0050 out:0.0050 he:0.0045 was:0.0034 made:0.0025 him:0.0022 one:0.0022 -:0.9537 interest:0.0066 same:0.0063 city:0.0053 country:0.0052 work:0.0048 people:0.0048 time:0.0047 right:0.0044 world:0.0042 -:0.4794 was:0.1298 has:0.0822 be:0.0696 is:0.0694 are:0.0472 had:0.0400 have:0.0397 were:0.0230 and:0.0196 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7392 and:0.0770 of:0.0369 the:0.0368 for:0.0292 in:0.0211 at:0.0206 from:0.0142 to:0.0128 as:0.0122 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5477 of:0.2599 in:0.0538 and:0.0329 for:0.0251 that:0.0233 with:0.0179 to:0.0153 all:0.0128 by:0.0114 -:0.9587 and:0.0119 it:0.0097 that:0.0040 was:0.0035 he:0.0031 of:0.0027 in:0.0026 which:0.0019 or:0.0019 -:0.8038 the:0.1011 to:0.0247 and:0.0186 by:0.0129 in:0.0095 a:0.0083 that:0.0080 all:0.0066 for:0.0065 -to:0.1700 :0.5452 from:0.0529 by:0.0516 in:0.0511 with:0.0417 on:0.0245 for:0.0228 through:0.0228 that:0.0175 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6633 been:0.2080 not:0.0468 so:0.0196 never:0.0115 ever:0.0112 had:0.0109 made:0.0105 it:0.0095 a:0.0086 -:0.4870 are:0.1675 were:0.0809 is:0.0744 was:0.0416 have:0.0391 and:0.0373 of:0.0361 had:0.0210 in:0.0151 -:0.7354 not:0.1136 that:0.0361 do:0.0208 be:0.0200 say:0.0197 see:0.0154 have:0.0149 then:0.0125 and:0.0117 -:0.7259 be:0.0608 come:0.0450 go:0.0410 have:0.0336 not:0.0299 continue:0.0288 apply:0.0130 begin:0.0112 return:0.0109 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.4638 :0.4275 we:0.0193 and:0.0184 can:0.0168 not:0.0144 they:0.0134 will:0.0093 more:0.0090 now:0.0082 -:0.6382 was:0.0892 or:0.0609 of:0.0571 is:0.0496 and:0.0453 has:0.0242 to:0.0145 had:0.0118 were:0.0092 -:0.7847 know:0.0490 knew:0.0428 is:0.0302 are:0.0210 believe:0.0166 was:0.0157 declared:0.0152 feel:0.0125 found:0.0123 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8783 and:0.0327 in:0.0284 but:0.0125 of:0.0106 to:0.0097 at:0.0083 so:0.0071 fact:0.0063 known:0.0061 -be:0.3115 :0.5835 bo:0.0250 have:0.0245 not:0.0191 he:0.0133 the:0.0104 lie:0.0047 take:0.0042 find:0.0037 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -the:0.2783 :0.4769 his:0.0968 their:0.0319 a:0.0305 its:0.0192 tho:0.0175 our:0.0166 my:0.0163 be:0.0160 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9516 man:0.0072 year:0.0066 hundred:0.0065 long:0.0061 large:0.0056 good:0.0046 time:0.0041 matter:0.0039 little:0.0038 -:0.6021 and:0.0836 that:0.0739 as:0.0515 which:0.0431 but:0.0422 than:0.0412 where:0.0216 when:0.0210 if:0.0197 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8826 of:0.0294 to:0.0264 and:0.0248 in:0.0070 a:0.0070 as:0.0062 for:0.0061 that:0.0056 with:0.0047 -:0.7468 to:0.0914 and:0.0706 was:0.0215 will:0.0166 a:0.0142 the:0.0118 that:0.0100 is:0.0099 or:0.0073 -a:0.2694 the:0.2464 his:0.1069 :0.2710 their:0.0364 its:0.0207 to:0.0136 an:0.0134 our:0.0116 tho:0.0107 -:0.7827 the:0.0610 a:0.0436 of:0.0230 and:0.0211 to:0.0197 as:0.0146 in:0.0140 was:0.0114 is:0.0088 -be:0.2156 :0.6861 appear:0.0250 bo:0.0147 come:0.0145 not:0.0134 have:0.0114 go:0.0068 remain:0.0066 find:0.0059 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.4002 of:0.1806 in:0.1598 that:0.1240 to:0.0362 for:0.0341 and:0.0187 on:0.0172 as:0.0162 at:0.0129 -:0.7753 and:0.0559 or:0.0353 is:0.0339 of:0.0272 the:0.0213 no:0.0144 was:0.0135 a:0.0128 are:0.0105 -:0.9052 large:0.0155 great:0.0125 good:0.0124 very:0.0118 little:0.0106 certain:0.0102 long:0.0085 new:0.0074 single:0.0060 -:0.6277 of:0.1612 and:0.0669 to:0.0383 the:0.0290 in:0.0233 that:0.0153 was:0.0133 on:0.0129 for:0.0122 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8146 of:0.0492 and:0.0451 the:0.0236 that:0.0164 for:0.0115 or:0.0113 in:0.0102 a:0.0097 is:0.0084 -:0.8502 make:0.0324 do:0.0277 take:0.0169 see:0.0153 be:0.0143 get:0.0118 that:0.0111 prevent:0.0102 all:0.0101 -:0.6609 of:0.0819 in:0.0601 for:0.0510 and:0.0483 to:0.0250 with:0.0243 by:0.0168 at:0.0166 that:0.0153 -:0.6531 the:0.1612 a:0.1125 no:0.0170 an:0.0153 to:0.0097 that:0.0088 his:0.0078 one:0.0074 tho:0.0073 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.5949 his:0.1004 a:0.0646 our:0.0347 their:0.0292 tho:0.0268 :0.0986 its:0.0209 my:0.0181 any:0.0118 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -to:0.4427 :0.4399 and:0.0256 of:0.0250 for:0.0215 in:0.0125 it:0.0097 the:0.0093 by:0.0074 that:0.0065 -:0.8211 and:0.0611 who:0.0223 which:0.0180 we:0.0175 they:0.0155 to:0.0154 he:0.0150 it:0.0073 wide:0.0068 -:0.6598 not:0.1674 the:0.0603 so:0.0335 it:0.0190 a:0.0179 this:0.0135 their:0.0105 and:0.0096 all:0.0086 -:0.8626 the:0.0773 a:0.0174 it:0.0073 he:0.0070 tho:0.0069 and:0.0057 said:0.0056 to:0.0053 that:0.0050 -:0.8929 that:0.0254 out:0.0245 all:0.0185 and:0.0124 one:0.0074 some:0.0054 because:0.0054 of:0.0043 as:0.0037 -:0.8173 the:0.0488 of:0.0394 and:0.0294 a:0.0202 is:0.0140 in:0.0098 was:0.0096 are:0.0058 be:0.0057 -:0.5715 of:0.2743 and:0.0468 in:0.0316 the:0.0245 that:0.0152 for:0.0109 or:0.0104 is:0.0077 by:0.0071 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -has:0.2537 :0.3347 have:0.1902 had:0.1567 having:0.0239 not:0.0125 lias:0.0110 bad:0.0065 ha:0.0056 havo:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7590 give:0.0545 make:0.0314 see:0.0306 take:0.0263 get:0.0247 keep:0.0200 tell:0.0196 let:0.0180 put:0.0159 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.7839 to:0.0849 that:0.0349 in:0.0249 and:0.0221 on:0.0130 of:0.0128 for:0.0114 with:0.0061 by:0.0059 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8092 the:0.0715 that:0.0262 to:0.0242 a:0.0178 and:0.0149 in:0.0107 by:0.0100 for:0.0081 as:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6533 the:0.1921 of:0.0392 a:0.0278 in:0.0208 and:0.0154 to:0.0153 this:0.0135 an:0.0124 tho:0.0101 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.7035 of:0.1138 and:0.0673 the:0.0286 in:0.0226 to:0.0211 is:0.0124 or:0.0115 for:0.0098 by:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.6787 of:0.1091 and:0.0451 or:0.0336 in:0.0293 for:0.0284 the:0.0253 than:0.0204 to:0.0171 a:0.0131 -:0.7177 to:0.0570 and:0.0471 is:0.0471 of:0.0305 was:0.0293 has:0.0231 are:0.0169 have:0.0158 the:0.0154 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7678 of:0.0739 and:0.0527 to:0.0256 the:0.0195 in:0.0147 is:0.0141 was:0.0117 are:0.0112 or:0.0087 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7816 and:0.0653 was:0.0445 is:0.0338 be:0.0178 or:0.0157 are:0.0110 has:0.0106 had:0.0099 to:0.0098 -:0.9545 people:0.0104 government:0.0057 world:0.0048 country:0.0044 war:0.0043 city:0.0042 bill:0.0040 man:0.0039 latter:0.0038 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9031 him:0.0164 down:0.0162 up:0.0121 them:0.0106 back:0.0100 me:0.0091 feet:0.0081 us:0.0073 from:0.0071 -the:0.3466 :0.3725 a:0.1587 this:0.0441 his:0.0215 their:0.0142 any:0.0124 tho:0.0106 said:0.0100 that:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9593 it:0.0072 then:0.0068 that:0.0062 one:0.0046 all:0.0045 he:0.0044 interest:0.0025 place:0.0023 wife:0.0022 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9015 he:0.0176 that:0.0169 and:0.0125 to:0.0112 it:0.0110 they:0.0078 a:0.0076 you:0.0072 we:0.0067 -:0.6449 of:0.0808 to:0.0735 in:0.0684 and:0.0390 for:0.0259 the:0.0205 that:0.0204 with:0.0139 by:0.0128 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -a:0.2560 :0.4863 the:0.0868 one:0.0558 to:0.0530 in:0.0176 on:0.0138 this:0.0112 his:0.0102 two:0.0092 -to:0.3419 :0.5139 in:0.0316 and:0.0265 for:0.0253 of:0.0195 on:0.0150 by:0.0108 from:0.0090 as:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.6658 of:0.0990 to:0.0938 and:0.0509 in:0.0304 for:0.0163 the:0.0156 that:0.0102 by:0.0091 with:0.0089 -:0.8689 and:0.0322 of:0.0288 the:0.0135 a:0.0130 in:0.0121 was:0.0097 is:0.0088 or:0.0067 for:0.0063 -:0.5035 of:0.1307 with:0.1131 by:0.0578 is:0.0477 in:0.0449 to:0.0322 and:0.0258 from:0.0256 as:0.0187 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7248 not:0.0796 been:0.0755 no:0.0480 a:0.0197 the:0.0169 never:0.0099 he:0.0088 it:0.0087 ever:0.0079 -:0.7591 and:0.1477 to:0.0141 day:0.0140 are:0.0138 of:0.0119 were:0.0109 or:0.0099 was:0.0096 who:0.0091 -:0.4475 of:0.1788 the:0.1602 and:0.0552 a:0.0525 any:0.0315 no:0.0304 this:0.0167 or:0.0147 that:0.0124 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.8719 paid:0.0223 made:0.0170 taken:0.0152 held:0.0151 given:0.0144 found:0.0141 turned:0.0109 sold:0.0101 carried:0.0090 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.9377 the:0.0180 and:0.0115 in:0.0088 a:0.0062 of:0.0050 his:0.0037 this:0.0032 by:0.0031 said:0.0029 -:0.6928 any:0.0847 the:0.0664 no:0.0436 a:0.0287 that:0.0250 her:0.0168 for:0.0150 in:0.0143 and:0.0128 -:0.7722 of:0.0618 and:0.0448 in:0.0246 the:0.0243 to:0.0229 for:0.0131 is:0.0127 with:0.0126 that:0.0110 -:0.7802 to:0.0750 been:0.0389 in:0.0312 made:0.0256 for:0.0104 given:0.0101 found:0.0097 passed:0.0095 left:0.0093 -of:0.3029 :0.4380 and:0.0500 for:0.0396 in:0.0367 was:0.0329 with:0.0306 is:0.0284 by:0.0210 or:0.0199 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9537 interest:0.0066 same:0.0063 city:0.0053 country:0.0052 work:0.0048 people:0.0048 time:0.0047 right:0.0044 world:0.0042 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8473 is:0.0312 and:0.0291 was:0.0221 that:0.0144 him:0.0133 at:0.0111 of:0.0109 all:0.0104 are:0.0102 -:0.9144 him:0.0141 dollars:0.0126 and:0.0121 out:0.0108 but:0.0101 up:0.0073 them:0.0064 me:0.0064 here:0.0058 -the:0.5543 :0.2302 a:0.0693 tho:0.0570 his:0.0357 this:0.0155 their:0.0113 our:0.0099 and:0.0090 its:0.0080 -:0.5316 be:0.1996 the:0.1032 a:0.0687 have:0.0321 bo:0.0197 this:0.0141 his:0.0138 tho:0.0088 take:0.0085 -:0.8822 the:0.0247 and:0.0223 of:0.0138 in:0.0136 to:0.0106 a:0.0090 or:0.0090 at:0.0076 for:0.0071 -:0.4328 is:0.1491 are:0.1307 was:0.1117 a:0.0761 were:0.0432 and:0.0192 the:0.0163 had:0.0107 be:0.0101 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -of:0.2585 :0.3886 in:0.1119 by:0.0407 on:0.0402 from:0.0393 to:0.0362 with:0.0351 for:0.0260 upon:0.0234 -the:0.5373 :0.3232 a:0.0664 tho:0.0182 of:0.0176 his:0.0108 in:0.0075 tbe:0.0066 their:0.0064 an:0.0059 -to:0.5219 :0.2741 will:0.0560 may:0.0385 a:0.0287 would:0.0271 it:0.0156 they:0.0149 well:0.0117 could:0.0115 -:0.9285 years:0.0187 days:0.0157 months:0.0090 men:0.0068 interest:0.0045 things:0.0045 accordance:0.0044 people:0.0041 and:0.0039 -:0.6998 the:0.1532 a:0.0434 and:0.0359 was:0.0211 of:0.0122 this:0.0093 be:0.0089 is:0.0083 he:0.0079 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.5463 the:0.2777 a:0.0561 it:0.0304 that:0.0257 he:0.0167 tho:0.0135 this:0.0132 an:0.0127 any:0.0078 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5861 of:0.2275 and:0.0595 in:0.0344 are:0.0217 to:0.0203 the:0.0146 for:0.0125 that:0.0121 were:0.0112 -:0.8389 the:0.0405 went:0.0245 it:0.0233 his:0.0194 came:0.0147 go:0.0126 her:0.0108 then:0.0076 put:0.0076 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8958 them:0.0174 and:0.0149 him:0.0148 it:0.0147 is:0.0143 was:0.0086 up:0.0068 as:0.0066 went:0.0062 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -to:0.3531 :0.5381 only:0.0261 be:0.0188 always:0.0135 been:0.0135 yet:0.0108 and:0.0092 have:0.0088 in:0.0081 -:0.7099 and:0.0863 of:0.0661 in:0.0348 that:0.0275 to:0.0220 for:0.0180 or:0.0139 the:0.0113 at:0.0103 -:0.7116 the:0.0906 to:0.0608 of:0.0385 and:0.0252 a:0.0214 an:0.0178 in:0.0146 his:0.0116 their:0.0078 -:0.9094 and:0.0354 of:0.0103 that:0.0095 it:0.0089 is:0.0063 was:0.0063 which:0.0061 or:0.0040 in:0.0038 -:0.8635 which:0.0396 it:0.0290 the:0.0155 that:0.0112 this:0.0110 them:0.0086 land:0.0077 you:0.0072 these:0.0066 -:0.7670 and:0.0663 of:0.0418 with:0.0269 is:0.0206 the:0.0199 to:0.0172 for:0.0142 in:0.0137 that:0.0123 -:0.8786 and:0.0333 he:0.0283 was:0.0126 be:0.0111 it:0.0086 who:0.0084 had:0.0074 have:0.0062 is:0.0055 -:0.7417 have:0.0851 are:0.0601 see:0.0203 find:0.0194 in:0.0184 to:0.0166 know:0.0137 had:0.0129 were:0.0118 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -the:0.6259 :0.2167 tho:0.0331 his:0.0270 a:0.0214 this:0.0173 their:0.0157 its:0.0151 our:0.0149 an:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8151 of:0.0457 to:0.0383 and:0.0324 in:0.0174 the:0.0158 for:0.0130 on:0.0079 that:0.0076 was:0.0068 -:0.5678 to:0.2166 and:0.0466 in:0.0423 the:0.0393 of:0.0249 for:0.0214 by:0.0211 as:0.0102 that:0.0098 -:0.8980 made:0.0186 done:0.0155 given:0.0147 not:0.0146 shown:0.0100 held:0.0077 estimated:0.0072 required:0.0069 owned:0.0069 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -:0.5849 a:0.1858 the:0.1114 this:0.0455 and:0.0158 that:0.0153 to:0.0121 in:0.0108 of:0.0095 his:0.0090 -:0.9006 use:0.0199 think:0.0139 one:0.0129 corner:0.0117 be:0.0107 dispose:0.0085 support:0.0083 act:0.0070 form:0.0065 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7453 and:0.1108 is:0.0283 be:0.0247 was:0.0220 he:0.0191 are:0.0176 have:0.0122 the:0.0102 been:0.0098 -:0.9517 been:0.0085 and:0.0078 have:0.0059 time:0.0058 in:0.0045 had:0.0043 are:0.0039 the:0.0039 be:0.0037 -of:0.2093 :0.3001 to:0.1156 by:0.1088 in:0.0996 on:0.0552 with:0.0326 from:0.0296 for:0.0274 and:0.0218 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7955 of:0.1033 and:0.0574 to:0.0072 for:0.0069 is:0.0064 or:0.0063 in:0.0062 that:0.0059 was:0.0049 -:0.6415 a:0.0798 the:0.0702 by:0.0552 to:0.0485 in:0.0361 an:0.0202 and:0.0202 of:0.0145 for:0.0138 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5952 in:0.1660 of:0.0918 the:0.0378 and:0.0312 a:0.0184 to:0.0170 for:0.0165 by:0.0142 on:0.0120 -:0.8227 night:0.0492 year:0.0471 week:0.0237 of:0.0209 and:0.0107 two:0.0071 a:0.0068 time:0.0061 evening:0.0056 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.5398 :0.3767 and:0.0200 in:0.0166 for:0.0095 to:0.0092 ot:0.0073 or:0.0073 was:0.0068 the:0.0067 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -to:0.4671 the:0.1250 :0.2792 a:0.0243 that:0.0229 their:0.0224 and:0.0199 his:0.0152 her:0.0137 tho:0.0101 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -the:0.5687 this:0.1737 :0.1438 a:0.0315 said:0.0267 tho:0.0171 any:0.0127 his:0.0093 our:0.0088 their:0.0077 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7356 to:0.0683 in:0.0451 and:0.0365 of:0.0325 for:0.0247 the:0.0210 is:0.0137 on:0.0127 by:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8336 of:0.0545 and:0.0338 the:0.0284 to:0.0121 by:0.0098 as:0.0080 in:0.0074 be:0.0062 or:0.0062 -the:0.2347 be:0.1914 :0.4521 a:0.0442 his:0.0204 tho:0.0161 bo:0.0143 take:0.0092 their:0.0090 its:0.0085 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.6345 of:0.0963 with:0.0844 is:0.0381 in:0.0287 for:0.0273 as:0.0271 was:0.0263 and:0.0222 to:0.0151 -:0.7797 the:0.0881 to:0.0282 a:0.0256 and:0.0208 of:0.0152 in:0.0134 this:0.0103 any:0.0101 one:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3629 :0.3734 the:0.0860 in:0.0523 a:0.0445 and:0.0376 or:0.0154 with:0.0095 on:0.0093 that:0.0092 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6475 to:0.1481 and:0.0453 the:0.0431 in:0.0355 by:0.0199 that:0.0179 a:0.0167 for:0.0131 of:0.0128 -to:0.2587 :0.3413 of:0.1171 in:0.0604 on:0.0469 by:0.0461 with:0.0440 and:0.0326 at:0.0267 from:0.0263 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.6384 not:0.1589 be:0.1219 have:0.0228 bo:0.0130 he:0.0109 the:0.0106 do:0.0099 get:0.0071 see:0.0065 -:0.9156 hich:0.0147 ith:0.0146 order:0.0138 want:0.0092 as:0.0072 wish:0.0070 seems:0.0062 desire:0.0061 return:0.0057 -:0.5905 the:0.2221 a:0.0579 and:0.0359 to:0.0238 of:0.0167 in:0.0163 an:0.0150 tho:0.0123 or:0.0096 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6941 to:0.1202 we:0.0463 not:0.0372 you:0.0249 and:0.0241 they:0.0162 who:0.0149 will:0.0138 he:0.0082 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.7687 of:0.0843 and:0.0511 the:0.0347 for:0.0131 in:0.0125 that:0.0124 as:0.0079 was:0.0077 a:0.0077 -:0.9224 and:0.0201 the:0.0156 of:0.0118 or:0.0068 a:0.0057 to:0.0053 that:0.0046 in:0.0039 with:0.0038 -:0.8675 and:0.0424 day:0.0228 man:0.0175 who:0.0134 time:0.0104 to:0.0092 he:0.0067 which:0.0051 men:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -is:0.2672 was:0.1464 :0.4381 with:0.0310 as:0.0292 in:0.0227 to:0.0203 has:0.0198 by:0.0130 for:0.0123 -:0.7821 and:0.0379 the:0.0345 is:0.0319 are:0.0243 be:0.0223 have:0.0198 was:0.0197 he:0.0141 we:0.0133 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7753 and:0.0559 or:0.0353 is:0.0339 of:0.0272 the:0.0213 no:0.0144 was:0.0135 a:0.0128 are:0.0105 -:0.6578 a:0.0788 to:0.0767 the:0.0645 well:0.0358 follows:0.0194 is:0.0175 much:0.0173 he:0.0171 their:0.0150 -:0.7416 and:0.0968 as:0.0528 not:0.0363 is:0.0265 was:0.0130 but:0.0106 it:0.0083 of:0.0071 or:0.0069 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7449 and:0.0566 be:0.0385 is:0.0360 was:0.0360 are:0.0237 have:0.0201 he:0.0165 of:0.0141 had:0.0137 -:0.5048 by:0.0899 to:0.0896 in:0.0786 of:0.0540 that:0.0517 from:0.0402 with:0.0370 for:0.0285 and:0.0255 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8046 and:0.0481 of:0.0317 the:0.0304 a:0.0210 is:0.0206 was:0.0147 in:0.0120 had:0.0087 has:0.0081 -of:0.4065 to:0.1815 :0.2502 in:0.0456 and:0.0314 for:0.0266 with:0.0170 on:0.0155 from:0.0143 by:0.0114 -:0.6767 the:0.1347 a:0.0605 and:0.0336 of:0.0285 to:0.0172 in:0.0172 this:0.0166 that:0.0080 tho:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9168 been:0.0301 made:0.0095 fallen:0.0079 taken:0.0067 not:0.0064 gone:0.0062 left:0.0059 it:0.0054 done:0.0052 -:0.8749 and:0.0448 together:0.0233 connected:0.0100 charged:0.0097 away:0.0089 up:0.0088 but:0.0069 down:0.0067 him:0.0060 -:0.7333 the:0.1438 a:0.0376 it:0.0180 his:0.0124 that:0.0117 tho:0.0114 by:0.0108 this:0.0108 to:0.0103 -to:0.4121 :0.3912 not:0.1225 now:0.0294 we:0.0129 also:0.0092 still:0.0068 a:0.0068 often:0.0046 that:0.0045 -:0.9448 them:0.0190 sale:0.0065 interest:0.0064 men:0.0056 land:0.0041 the:0.0038 him:0.0035 which:0.0032 it:0.0031 -:0.7759 the:0.1278 and:0.0275 his:0.0121 this:0.0114 of:0.0096 to:0.0095 a:0.0092 our:0.0085 or:0.0084 -:0.7191 be:0.1583 have:0.0617 not:0.0166 bo:0.0143 the:0.0085 do:0.0067 and:0.0052 a:0.0051 take:0.0043 -:0.6501 of:0.1907 and:0.0808 was:0.0145 to:0.0144 is:0.0118 the:0.0109 for:0.0096 in:0.0088 that:0.0084 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8258 one:0.0462 part:0.0332 kind:0.0192 time:0.0169 sort:0.0136 line:0.0132 parts:0.0109 day:0.0105 side:0.0104 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8137 the:0.0594 in:0.0226 a:0.0219 of:0.0176 and:0.0149 that:0.0147 it:0.0141 to:0.0109 by:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8260 great:0.0511 good:0.0339 little:0.0210 small:0.0146 few:0.0146 large:0.0126 new:0.0104 fine:0.0084 big:0.0073 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7096 the:0.1091 he:0.0378 a:0.0365 is:0.0357 they:0.0195 was:0.0186 it:0.0145 we:0.0124 tho:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -in:0.2190 by:0.1608 :0.3472 with:0.0568 to:0.0543 for:0.0535 on:0.0480 from:0.0273 at:0.0178 and:0.0153 -:0.5684 of:0.1205 and:0.1146 to:0.0823 the:0.0492 in:0.0290 or:0.0136 for:0.0091 was:0.0073 will:0.0060 -:0.9424 country:0.0086 land:0.0084 life:0.0079 government:0.0072 law:0.0055 work:0.0053 people:0.0052 property:0.0051 city:0.0046 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7114 and:0.0751 that:0.0550 of:0.0357 but:0.0270 which:0.0247 if:0.0212 in:0.0180 for:0.0176 as:0.0143 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -to:0.3240 :0.4715 and:0.1222 we:0.0190 for:0.0137 of:0.0127 was:0.0120 are:0.0084 is:0.0084 would:0.0080 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8305 and:0.0656 to:0.0282 of:0.0233 or:0.0150 the:0.0118 not:0.0086 that:0.0068 in:0.0056 for:0.0046 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.9426 them:0.0109 land:0.0097 interest:0.0077 sale:0.0068 men:0.0063 that:0.0050 the:0.0038 it:0.0037 all:0.0034 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.9589 more:0.0098 it:0.0083 one:0.0045 two:0.0043 and:0.0038 he:0.0029 to:0.0027 with:0.0025 that:0.0023 -:0.6819 the:0.1637 of:0.0379 a:0.0294 and:0.0195 this:0.0186 in:0.0173 by:0.0113 his:0.0107 tho:0.0096 -:0.9153 chance:0.0124 desire:0.0119 little:0.0098 time:0.0097 visit:0.0092 right:0.0091 letter:0.0083 bill:0.0079 fair:0.0063 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8846 one:0.0242 day:0.0206 time:0.0177 year:0.0150 other:0.0090 man:0.0084 county:0.0082 person:0.0070 and:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9428 world:0.0092 bill:0.0076 law:0.0073 government:0.0065 city:0.0064 result:0.0055 case:0.0054 country:0.0053 land:0.0042 -:0.7685 and:0.0729 of:0.0575 to:0.0235 at:0.0159 the:0.0147 in:0.0130 on:0.0121 or:0.0114 for:0.0105 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.5398 :0.3767 and:0.0200 in:0.0166 for:0.0095 to:0.0092 ot:0.0073 or:0.0073 was:0.0068 the:0.0067 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -of:0.3922 :0.4701 and:0.0532 the:0.0188 with:0.0130 in:0.0129 or:0.0115 from:0.0108 to:0.0097 ot:0.0078 -:0.5120 of:0.2309 in:0.0946 and:0.0373 with:0.0237 on:0.0225 for:0.0223 upon:0.0200 from:0.0199 to:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6654 the:0.2283 a:0.0270 this:0.0161 said:0.0159 tho:0.0153 his:0.0092 our:0.0083 tbe:0.0075 their:0.0070 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -to:0.2119 :0.4496 of:0.0880 and:0.0860 will:0.0456 as:0.0311 should:0.0230 was:0.0224 or:0.0219 would:0.0205 -:0.5005 of:0.2356 and:0.0844 to:0.0597 in:0.0310 the:0.0262 have:0.0178 are:0.0175 that:0.0161 is:0.0113 -:0.8788 a:0.0277 and:0.0272 the:0.0148 was:0.0106 is:0.0092 in:0.0090 that:0.0080 to:0.0078 of:0.0069 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8076 and:0.0432 have:0.0317 has:0.0227 be:0.0227 is:0.0184 had:0.0169 was:0.0153 he:0.0129 are:0.0087 -:0.8913 doubt:0.0332 longer:0.0174 more:0.0143 matter:0.0097 other:0.0092 one:0.0089 better:0.0057 man:0.0054 reason:0.0048 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -a:0.4905 the:0.2097 :0.2352 one:0.0131 his:0.0129 any:0.0095 tho:0.0082 their:0.0081 an:0.0066 this:0.0063 -:0.8866 to:0.0328 that:0.0180 the:0.0133 then:0.0125 all:0.0102 was:0.0087 also:0.0065 in:0.0058 not:0.0056 -of:0.2428 :0.5223 with:0.0495 in:0.0484 to:0.0287 that:0.0244 and:0.0239 for:0.0233 from:0.0190 on:0.0178 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.7861 to:0.0534 and:0.0358 that:0.0338 in:0.0214 the:0.0200 of:0.0153 for:0.0149 by:0.0105 a:0.0087 -of:0.4769 :0.4090 and:0.0363 the:0.0229 to:0.0147 that:0.0144 in:0.0070 is:0.0069 with:0.0069 for:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7527 the:0.0779 to:0.0558 of:0.0239 a:0.0231 and:0.0206 it:0.0127 in:0.0121 that:0.0119 for:0.0093 -:0.6250 of:0.1936 and:0.0647 in:0.0299 to:0.0213 by:0.0166 for:0.0160 that:0.0116 the:0.0112 or:0.0102 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -of:0.7963 :0.1125 in:0.0278 ot:0.0176 on:0.0126 and:0.0102 from:0.0062 to:0.0062 with:0.0062 ol:0.0044 -:0.5372 the:0.1307 and:0.1162 of:0.0571 any:0.0455 or:0.0372 no:0.0264 in:0.0246 all:0.0131 for:0.0119 -:0.8976 otherwise:0.0169 more:0.0145 years:0.0137 and:0.0128 days:0.0117 even:0.0106 less:0.0088 two:0.0069 that:0.0066 -:0.6992 the:0.0896 was:0.0577 and:0.0393 of:0.0312 be:0.0255 is:0.0219 are:0.0124 in:0.0116 a:0.0115 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.9069 and:0.0339 that:0.0097 up:0.0095 as:0.0078 to:0.0076 or:0.0069 for:0.0069 out:0.0059 but:0.0050 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.9115 and:0.0449 is:0.0083 to:0.0072 of:0.0067 that:0.0055 but:0.0051 was:0.0040 will:0.0036 in:0.0033 -:0.6683 who:0.1099 will:0.0582 to:0.0437 and:0.0234 should:0.0224 the:0.0194 we:0.0187 they:0.0180 would:0.0179 -:0.8350 and:0.0416 of:0.0352 to:0.0337 in:0.0125 for:0.0106 on:0.0096 or:0.0086 by:0.0076 the:0.0058 -:0.6250 be:0.1914 take:0.0459 have:0.0388 not:0.0350 get:0.0148 make:0.0147 only:0.0136 bo:0.0114 the:0.0094 -:0.8710 so:0.0219 in:0.0196 know:0.0179 say:0.0128 to:0.0121 declared:0.0119 and:0.0116 believe:0.0111 found:0.0101 -:0.9028 most:0.0144 same:0.0129 last:0.0121 great:0.0104 following:0.0099 whole:0.0098 first:0.0095 other:0.0095 entire:0.0088 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6654 to:0.1387 the:0.0427 in:0.0414 that:0.0253 and:0.0237 by:0.0183 for:0.0182 of:0.0142 with:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7748 the:0.0418 was:0.0395 and:0.0332 of:0.0274 is:0.0207 a:0.0207 in:0.0206 to:0.0120 has:0.0093 -to:0.2289 :0.5180 and:0.0733 will:0.0537 was:0.0335 is:0.0242 would:0.0226 should:0.0186 of:0.0143 shall:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.7424 be:0.1098 take:0.0262 have:0.0246 find:0.0235 make:0.0200 not:0.0182 see:0.0118 give:0.0117 pay:0.0117 -in:0.2552 on:0.1174 to:0.1117 :0.3408 from:0.0381 of:0.0348 by:0.0323 for:0.0264 into:0.0234 at:0.0199 -:0.9288 and:0.0139 years:0.0105 together:0.0102 up:0.0067 it:0.0066 connected:0.0066 charged:0.0061 down:0.0055 connection:0.0051 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.6197 to:0.1267 the:0.0467 of:0.0442 in:0.0417 and:0.0353 that:0.0290 a:0.0221 as:0.0178 not:0.0168 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -to:0.1579 will:0.1289 who:0.0827 would:0.0796 :0.3596 can:0.0443 may:0.0419 could:0.0393 and:0.0366 should:0.0291 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8123 look:0.0370 go:0.0366 come:0.0257 get:0.0183 put:0.0164 be:0.0155 him:0.0150 call:0.0117 do:0.0114 -:0.8882 and:0.0309 of:0.0306 the:0.0142 or:0.0086 which:0.0078 to:0.0059 will:0.0051 in:0.0044 for:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -the:0.3879 :0.4617 a:0.0288 no:0.0239 this:0.0191 if:0.0184 of:0.0165 in:0.0154 tho:0.0146 by:0.0136 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -the:0.3768 :0.4700 a:0.0301 of:0.0277 an:0.0242 his:0.0214 tho:0.0145 said:0.0136 their:0.0116 such:0.0100 -:0.6536 and:0.1281 was:0.0718 is:0.0384 be:0.0308 are:0.0240 were:0.0204 the:0.0150 has:0.0090 or:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6318 and:0.0778 of:0.0529 in:0.0500 as:0.0452 for:0.0431 so:0.0345 by:0.0237 that:0.0211 to:0.0199 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -of:0.2932 :0.5199 in:0.0649 for:0.0419 on:0.0222 that:0.0172 to:0.0147 and:0.0102 with:0.0080 at:0.0079 -a:0.4776 the:0.1426 :0.2700 his:0.0397 tho:0.0143 their:0.0132 such:0.0128 its:0.0116 all:0.0093 this:0.0087 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5731 to:0.1258 for:0.0657 or:0.0449 and:0.0435 of:0.0415 in:0.0333 from:0.0292 about:0.0282 that:0.0148 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8220 the:0.0690 and:0.0291 to:0.0204 that:0.0126 in:0.0113 a:0.0111 it:0.0087 him:0.0082 his:0.0076 -:0.8420 and:0.0464 the:0.0301 a:0.0294 of:0.0161 that:0.0084 to:0.0078 was:0.0074 his:0.0064 or:0.0059 -:0.9471 and:0.0153 man:0.0062 together:0.0059 work:0.0057 house:0.0048 connection:0.0044 way:0.0043 days:0.0032 parallel:0.0031 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6024 be:0.2382 have:0.0348 not:0.0326 he:0.0296 the:0.0252 bo:0.0195 a:0.0073 it:0.0055 do:0.0052 -:0.4822 to:0.2985 will:0.0872 would:0.0369 and:0.0325 should:0.0153 could:0.0131 can:0.0128 shall:0.0112 may:0.0102 -:0.7247 to:0.0797 of:0.0717 for:0.0354 with:0.0222 and:0.0183 in:0.0161 on:0.0134 let:0.0108 by:0.0077 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6041 the:0.1583 a:0.1165 his:0.0213 an:0.0208 him:0.0199 it:0.0168 that:0.0142 them:0.0141 her:0.0139 -the:0.4265 :0.4001 a:0.0353 an:0.0252 their:0.0229 his:0.0221 tho:0.0211 this:0.0204 our:0.0163 these:0.0101 -:0.7577 and:0.0804 to:0.0602 would:0.0216 will:0.0200 was:0.0151 of:0.0129 the:0.0119 a:0.0105 is:0.0096 -:0.8969 and:0.0224 that:0.0206 he:0.0118 it:0.0091 was:0.0091 has:0.0081 is:0.0078 the:0.0077 who:0.0066 -:0.8273 made:0.0306 held:0.0299 found:0.0265 used:0.0195 paid:0.0194 placed:0.0136 done:0.0133 seen:0.0103 sold:0.0096 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6405 and:0.1187 the:0.0900 that:0.0339 his:0.0289 is:0.0288 of:0.0235 a:0.0161 as:0.0106 with:0.0091 -:0.8203 and:0.0404 to:0.0362 of:0.0255 in:0.0179 the:0.0167 for:0.0117 with:0.0116 as:0.0102 by:0.0094 -:0.7505 the:0.0669 and:0.0577 a:0.0311 any:0.0231 an:0.0222 to:0.0189 all:0.0108 his:0.0099 her:0.0089 -:0.8358 away:0.0570 him:0.0227 miles:0.0160 out:0.0139 years:0.0136 them:0.0127 down:0.0108 up:0.0092 back:0.0082 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8330 and:0.0450 the:0.0236 in:0.0222 was:0.0201 of:0.0172 be:0.0123 is:0.0101 he:0.0093 to:0.0073 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.8116 men:0.0673 man:0.0556 wife:0.0130 lady:0.0107 times:0.0106 people:0.0103 hand:0.0090 woman:0.0060 hundred:0.0059 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.9446 and:0.0111 one:0.0099 that:0.0098 out:0.0069 of:0.0043 part:0.0037 line:0.0035 all:0.0031 side:0.0031 -:0.8471 and:0.0375 in:0.0263 to:0.0247 so:0.0151 from:0.0111 him:0.0100 for:0.0097 on:0.0094 me:0.0091 -:0.8872 he:0.0260 that:0.0208 they:0.0128 we:0.0117 and:0.0097 one:0.0091 a:0.0085 now:0.0074 as:0.0066 -:0.9036 most:0.0145 whole:0.0125 said:0.0119 great:0.0115 same:0.0106 first:0.0097 various:0.0089 following:0.0084 best:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -in:0.1558 :0.4445 of:0.1089 and:0.0606 to:0.0593 for:0.0461 on:0.0432 from:0.0340 by:0.0261 with:0.0215 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.4203 to:0.1317 of:0.1064 for:0.0957 in:0.0649 on:0.0630 by:0.0451 at:0.0280 with:0.0244 and:0.0206 -:0.7038 and:0.0707 of:0.0657 to:0.0345 in:0.0313 is:0.0223 for:0.0212 with:0.0190 on:0.0181 that:0.0135 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8845 other:0.0310 time:0.0189 person:0.0139 kind:0.0102 man:0.0102 one:0.0101 way:0.0099 part:0.0064 right:0.0048 -the:0.5790 :0.2410 be:0.0431 a:0.0415 his:0.0346 tho:0.0204 its:0.0124 their:0.0111 take:0.0086 our:0.0084 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.7859 and:0.0927 the:0.0375 of:0.0227 that:0.0151 which:0.0145 are:0.0095 to:0.0078 in:0.0072 a:0.0072 -:0.7784 day:0.1538 it:0.0174 and:0.0128 which:0.0098 he:0.0069 law:0.0068 bill:0.0058 street:0.0043 world:0.0041 -the:0.0127 said:0.0117 a:0.0068 tho:0.0049 these:0.0037 sale:0.0037 defaulting:0.0033 constructing:0.0031 their:0.0024 such:0.0024 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7170 that:0.0629 as:0.0573 if:0.0453 and:0.0248 which:0.0234 when:0.0231 but:0.0193 what:0.0150 because:0.0119 -:0.7594 the:0.1593 and:0.0263 a:0.0148 to:0.0109 of:0.0105 said:0.0056 his:0.0045 all:0.0044 this:0.0044 -:0.7232 a:0.0932 the:0.0898 and:0.0379 of:0.0169 this:0.0087 to:0.0085 that:0.0078 in:0.0077 will:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 now:0.0112 not:0.0099 due:0.0047 it:0.0046 one:0.0046 hard:0.0045 only:0.0043 in:0.0042 true:0.0042 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9254 people:0.0271 men:0.0117 farmers:0.0079 city:0.0066 boys:0.0049 world:0.0046 same:0.0044 children:0.0037 country:0.0037 -:0.6266 and:0.1088 of:0.0628 in:0.0450 the:0.0323 to:0.0317 with:0.0306 on:0.0226 at:0.0206 for:0.0190 -:0.6658 of:0.0990 to:0.0938 and:0.0509 in:0.0304 for:0.0163 the:0.0156 that:0.0102 by:0.0091 with:0.0089 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.7099 and:0.0863 of:0.0661 in:0.0348 that:0.0275 to:0.0220 for:0.0180 or:0.0139 the:0.0113 at:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9039 them:0.0179 him:0.0158 it:0.0140 feet:0.0132 as:0.0086 and:0.0077 up:0.0072 us:0.0060 is:0.0058 -:0.7327 of:0.0768 and:0.0574 in:0.0403 the:0.0192 to:0.0174 was:0.0168 by:0.0153 is:0.0126 or:0.0115 -to:0.3886 :0.4876 will:0.0308 that:0.0162 and:0.0154 not:0.0152 it:0.0146 shall:0.0109 can:0.0108 may:0.0099 -:0.6537 to:0.0886 and:0.0596 the:0.0575 was:0.0398 of:0.0352 is:0.0290 a:0.0133 will:0.0124 not:0.0109 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.7647 the:0.0960 a:0.0455 and:0.0306 was:0.0142 of:0.0132 is:0.0128 be:0.0090 are:0.0078 in:0.0062 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8075 was:0.0447 is:0.0380 and:0.0304 be:0.0288 he:0.0159 are:0.0132 had:0.0076 have:0.0071 were:0.0067 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6433 is:0.0627 and:0.0515 will:0.0463 could:0.0423 would:0.0336 of:0.0328 but:0.0314 was:0.0289 if:0.0273 -so:0.2387 :0.5077 been:0.1089 a:0.0351 not:0.0302 too:0.0243 as:0.0212 seen:0.0133 no:0.0107 how:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9150 all:0.0229 so:0.0176 in:0.0120 said:0.0065 is:0.0061 found:0.0059 at:0.0053 ordered:0.0044 know:0.0043 -:0.9170 hour:0.0287 act:0.0129 increase:0.0086 opportunity:0.0068 interest:0.0061 office:0.0059 inch:0.0050 attack:0.0046 interview:0.0043 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9418 he:0.0106 was:0.0086 and:0.0070 be:0.0066 is:0.0065 the:0.0054 have:0.0052 it:0.0042 had:0.0041 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.8286 and:0.0673 to:0.0224 is:0.0167 was:0.0165 it:0.0145 they:0.0087 he:0.0085 the:0.0085 are:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8281 the:0.0765 a:0.0388 and:0.0169 his:0.0124 said:0.0086 are:0.0051 of:0.0047 all:0.0045 is:0.0044 -:0.9255 and:0.0203 of:0.0114 the:0.0101 in:0.0077 are:0.0076 was:0.0051 is:0.0046 as:0.0040 be:0.0037 -:0.7214 ago:0.0759 of:0.0607 and:0.0556 in:0.0218 old:0.0150 the:0.0145 that:0.0131 to:0.0121 a:0.0100 -:0.8705 and:0.0442 was:0.0178 the:0.0141 be:0.0119 is:0.0113 to:0.0100 are:0.0073 has:0.0064 in:0.0064 -:0.8789 and:0.0384 of:0.0198 was:0.0123 or:0.0102 has:0.0093 is:0.0091 which:0.0081 will:0.0076 to:0.0063 -of:0.3561 :0.3289 in:0.0829 a:0.0554 for:0.0420 and:0.0365 is:0.0310 with:0.0308 by:0.0183 the:0.0182 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.7160 to:0.0679 and:0.0608 in:0.0381 for:0.0366 of:0.0273 at:0.0198 or:0.0164 the:0.0099 as:0.0072 -:0.7672 and:0.0595 of:0.0531 to:0.0299 in:0.0197 is:0.0190 for:0.0187 with:0.0128 at:0.0108 from:0.0092 -:0.9022 own:0.0452 old:0.0082 great:0.0081 wife:0.0079 first:0.0074 the:0.0065 good:0.0061 new:0.0043 death:0.0042 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5966 to:0.1443 the:0.0738 a:0.0450 for:0.0292 of:0.0260 and:0.0244 by:0.0227 his:0.0206 in:0.0174 -:0.6205 of:0.1910 and:0.0908 in:0.0214 the:0.0188 to:0.0180 with:0.0124 for:0.0099 by:0.0091 or:0.0081 -:0.8688 and:0.0312 went:0.0299 came:0.0158 laid:0.0129 it:0.0115 was:0.0097 put:0.0081 are:0.0061 is:0.0060 -:0.9527 same:0.0068 city:0.0066 people:0.0061 time:0.0054 world:0.0053 country:0.0047 right:0.0044 matter:0.0040 war:0.0040 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6025 his:0.1226 and:0.1165 the:0.0896 of:0.0201 a:0.0129 in:0.0113 is:0.0091 my:0.0088 tho:0.0068 -:0.7182 the:0.1354 a:0.0392 it:0.0266 that:0.0210 in:0.0148 to:0.0129 an:0.0113 and:0.0110 he:0.0095 -:0.7819 and:0.0810 to:0.0379 of:0.0307 the:0.0197 a:0.0122 that:0.0110 who:0.0090 is:0.0084 or:0.0081 -:0.8202 and:0.0629 was:0.0310 is:0.0208 it:0.0154 to:0.0133 that:0.0110 are:0.0098 as:0.0082 who:0.0074 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -be:0.3076 :0.4383 have:0.1306 not:0.0518 bo:0.0230 do:0.0211 come:0.0085 say:0.0068 and:0.0063 he:0.0060 -:0.8045 we:0.0299 it:0.0269 he:0.0258 you:0.0243 they:0.0223 that:0.0196 and:0.0191 who:0.0149 which:0.0128 -:0.6187 in:0.0721 to:0.0632 of:0.0541 is:0.0369 and:0.0369 at:0.0352 was:0.0302 for:0.0275 as:0.0251 -:0.8282 and:0.0642 of:0.0229 the:0.0205 was:0.0135 a:0.0115 is:0.0113 to:0.0097 or:0.0092 in:0.0090 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8470 and:0.0331 was:0.0278 of:0.0164 in:0.0159 is:0.0147 that:0.0125 he:0.0120 has:0.0104 be:0.0102 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -by:0.2611 in:0.1346 to:0.1244 :0.2708 that:0.0615 on:0.0445 for:0.0365 from:0.0300 with:0.0188 of:0.0178 -:0.6138 the:0.1218 a:0.1206 per:0.0325 of:0.0261 to:0.0224 and:0.0219 his:0.0161 this:0.0128 or:0.0121 -:0.6208 the:0.2663 of:0.0371 a:0.0183 and:0.0148 tho:0.0127 our:0.0110 his:0.0067 to:0.0065 this:0.0059 -:0.7197 which:0.0626 whom:0.0491 that:0.0436 think:0.0300 what:0.0279 say:0.0234 do:0.0231 see:0.0107 be:0.0099 -:0.6673 of:0.1929 and:0.0697 to:0.0167 in:0.0119 that:0.0114 the:0.0088 as:0.0073 on:0.0071 at:0.0068 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8562 in:0.0574 by:0.0136 on:0.0124 that:0.0105 at:0.0105 to:0.0104 from:0.0104 with:0.0104 for:0.0081 -:0.8313 south:0.0535 north:0.0422 the:0.0133 of:0.0129 with:0.0127 in:0.0096 to:0.0092 and:0.0082 east:0.0070 -:0.7294 of:0.0875 the:0.0490 in:0.0300 and:0.0256 for:0.0217 to:0.0177 a:0.0152 or:0.0136 by:0.0102 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.7103 to:0.0799 and:0.0681 of:0.0369 as:0.0233 that:0.0191 not:0.0180 the:0.0178 it:0.0138 with:0.0128 -:0.8414 make:0.0272 take:0.0247 get:0.0220 pay:0.0193 see:0.0153 keep:0.0147 give:0.0145 be:0.0109 put:0.0099 -:0.6477 the:0.1407 that:0.0958 a:0.0370 and:0.0219 to:0.0164 it:0.0156 this:0.0085 their:0.0083 of:0.0081 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -to:0.2496 in:0.0855 of:0.0840 for:0.0569 from:0.0526 by:0.0487 :0.3381 on:0.0370 with:0.0259 that:0.0216 -:0.7795 a:0.0808 the:0.0317 made:0.0248 in:0.0196 to:0.0152 an:0.0149 no:0.0141 more:0.0103 so:0.0092 -the:0.3345 :0.4699 a:0.0466 his:0.0460 be:0.0337 tho:0.0242 this:0.0148 their:0.0126 tbe:0.0089 its:0.0087 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.6234 the:0.1927 a:0.0546 and:0.0491 of:0.0297 his:0.0164 or:0.0100 in:0.0097 tho:0.0073 no:0.0071 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7588 the:0.1276 a:0.0502 an:0.0207 in:0.0095 and:0.0084 two:0.0082 his:0.0056 this:0.0056 tho:0.0053 -:0.6835 the:0.1273 to:0.0649 a:0.0475 and:0.0253 of:0.0190 his:0.0109 this:0.0082 will:0.0073 tho:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7194 the:0.2023 a:0.0202 this:0.0112 tho:0.0101 said:0.0101 his:0.0091 that:0.0065 an:0.0056 all:0.0056 -:0.6380 who:0.1477 which:0.0464 and:0.0419 they:0.0265 he:0.0238 that:0.0210 we:0.0207 it:0.0184 there:0.0157 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8502 make:0.0324 do:0.0277 take:0.0169 see:0.0153 be:0.0143 get:0.0118 that:0.0111 prevent:0.0102 all:0.0101 -:0.9424 two:0.0111 more:0.0090 hundred:0.0077 three:0.0072 one:0.0071 few:0.0053 and:0.0041 day:0.0031 six:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6375 is:0.0894 was:0.0640 the:0.0479 a:0.0417 and:0.0335 to:0.0327 are:0.0227 be:0.0193 will:0.0113 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.8548 in:0.0316 the:0.0296 and:0.0174 a:0.0148 to:0.0136 that:0.0115 for:0.0098 on:0.0086 be:0.0083 -:0.5951 and:0.1915 but:0.0542 as:0.0517 that:0.0416 or:0.0206 which:0.0192 is:0.0138 of:0.0078 to:0.0045 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -in:0.2403 :0.6294 not:0.0346 the:0.0230 to:0.0194 now:0.0122 no:0.0122 all:0.0118 by:0.0106 at:0.0065 -:0.8916 and:0.0309 a:0.0186 the:0.0157 of:0.0149 one:0.0073 that:0.0071 or:0.0053 two:0.0045 was:0.0042 -:0.7475 the:0.0975 and:0.0576 a:0.0283 of:0.0272 or:0.0130 is:0.0082 an:0.0077 to:0.0070 in:0.0060 -:0.8504 and:0.0413 to:0.0327 of:0.0150 not:0.0142 was:0.0137 will:0.0095 have:0.0078 the:0.0078 is:0.0075 -:0.7823 been:0.1061 made:0.0266 done:0.0198 not:0.0132 served:0.0118 seen:0.0117 taken:0.0101 grown:0.0093 come:0.0090 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -to:0.3353 :0.4540 in:0.0477 the:0.0334 from:0.0329 of:0.0255 and:0.0229 on:0.0172 a:0.0165 by:0.0147 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8491 the:0.0546 and:0.0208 of:0.0169 that:0.0166 it:0.0121 a:0.0097 to:0.0071 for:0.0068 him:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6980 the:0.0651 and:0.0638 of:0.0548 in:0.0394 by:0.0196 a:0.0184 on:0.0140 at:0.0140 with:0.0129 -:0.5975 the:0.1880 a:0.1074 and:0.0330 this:0.0160 of:0.0153 tho:0.0120 to:0.0117 his:0.0102 that:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7478 the:0.0901 to:0.0408 a:0.0352 and:0.0254 of:0.0138 in:0.0130 it:0.0125 for:0.0112 that:0.0101 -:0.8689 it:0.0214 one:0.0214 the:0.0172 two:0.0168 more:0.0139 him:0.0127 them:0.0111 a:0.0087 three:0.0079 -it:0.3624 :0.3762 he:0.1334 there:0.0428 she:0.0278 that:0.0184 ho:0.0140 which:0.0118 what:0.0074 this:0.0059 -:0.9181 and:0.0191 of:0.0166 the:0.0106 in:0.0093 to:0.0063 was:0.0055 that:0.0051 on:0.0050 a:0.0044 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8462 and:0.0564 the:0.0218 a:0.0145 to:0.0127 was:0.0123 of:0.0101 be:0.0094 is:0.0090 this:0.0075 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6516 a:0.1311 the:0.1191 of:0.0287 in:0.0188 and:0.0178 is:0.0100 very:0.0082 no:0.0075 tho:0.0073 -:0.6845 the:0.1439 and:0.0515 a:0.0469 that:0.0160 all:0.0127 in:0.0115 of:0.0113 an:0.0109 to:0.0107 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.7974 of:0.0957 other:0.0321 time:0.0193 and:0.0158 one:0.0125 the:0.0110 way:0.0059 a:0.0056 in:0.0047 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9472 country:0.0079 law:0.0074 world:0.0072 city:0.0066 matter:0.0062 fact:0.0053 case:0.0047 people:0.0041 bill:0.0033 -:0.9081 and:0.0274 the:0.0176 of:0.0086 at:0.0072 as:0.0071 that:0.0070 a:0.0069 by:0.0050 to:0.0050 -a:0.0924 the:0.0344 his:0.0288 their:0.0216 :0.7782 its:0.0175 all:0.0101 these:0.0058 tho:0.0058 bis:0.0054 -:0.9108 and:0.0182 the:0.0176 at:0.0123 of:0.0095 a:0.0079 was:0.0068 on:0.0064 in:0.0058 be:0.0048 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.7912 to:0.0557 and:0.0392 will:0.0349 that:0.0279 may:0.0127 would:0.0114 as:0.0093 of:0.0090 shall:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6076 the:0.2962 a:0.0243 tho:0.0139 no:0.0121 our:0.0117 of:0.0103 his:0.0097 to:0.0074 and:0.0068 -:0.7233 and:0.1150 but:0.0576 that:0.0565 as:0.0134 for:0.0081 of:0.0079 in:0.0067 when:0.0058 if:0.0058 -:0.7361 two:0.0809 three:0.0498 six:0.0306 ten:0.0287 one:0.0178 five:0.0156 four:0.0145 eight:0.0134 fifteen:0.0127 -:0.5199 a:0.1814 the:0.1557 his:0.0384 their:0.0330 her:0.0214 its:0.0172 our:0.0130 tho:0.0102 an:0.0098 -:0.4882 to:0.2821 of:0.0720 and:0.0633 in:0.0205 that:0.0179 for:0.0171 the:0.0170 a:0.0111 on:0.0108 -:0.6641 of:0.0661 and:0.0533 in:0.0521 on:0.0439 from:0.0351 to:0.0307 was:0.0200 is:0.0195 at:0.0153 -:0.7333 the:0.1438 a:0.0376 it:0.0180 his:0.0124 that:0.0117 tho:0.0114 by:0.0108 this:0.0108 to:0.0103 -:0.7765 he:0.0628 and:0.0273 they:0.0258 it:0.0241 we:0.0193 that:0.0189 who:0.0170 which:0.0164 she:0.0120 -:0.5923 who:0.2076 we:0.0359 that:0.0265 which:0.0261 and:0.0250 they:0.0242 he:0.0240 you:0.0211 have:0.0172 -:0.5666 to:0.1541 and:0.0698 that:0.0432 the:0.0397 of:0.0378 in:0.0265 by:0.0235 for:0.0201 with:0.0187 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6094 to:0.2501 in:0.0319 the:0.0255 of:0.0224 and:0.0221 a:0.0106 by:0.0096 that:0.0095 for:0.0089 -of:0.6488 :0.2402 and:0.0285 in:0.0208 the:0.0176 to:0.0155 for:0.0094 ot:0.0071 or:0.0071 with:0.0050 -:0.8460 they:0.0360 which:0.0237 it:0.0226 there:0.0183 that:0.0139 we:0.0136 and:0.0093 you:0.0086 he:0.0079 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.6411 :0.2275 tho:0.0356 a:0.0207 this:0.0207 their:0.0125 his:0.0123 tbe:0.0114 an:0.0094 our:0.0088 -:0.9391 made:0.0122 and:0.0104 him:0.0071 provided:0.0069 out:0.0053 them:0.0050 secured:0.0047 that:0.0047 was:0.0045 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.8516 doubt:0.0648 man:0.0205 longer:0.0156 way:0.0116 matter:0.0096 connection:0.0082 action:0.0065 parallel:0.0063 person:0.0053 -:0.5331 the:0.2241 a:0.0896 that:0.0495 it:0.0292 him:0.0165 his:0.0152 to:0.0152 them:0.0148 what:0.0128 -:0.6512 the:0.0970 of:0.0494 by:0.0448 in:0.0367 that:0.0277 a:0.0263 with:0.0251 to:0.0210 at:0.0207 -:0.8544 able:0.0252 not:0.0247 likely:0.0233 going:0.0146 ready:0.0131 expected:0.0116 impossible:0.0115 supposed:0.0109 unable:0.0107 -:0.6262 a:0.1159 is:0.0615 was:0.0524 the:0.0505 and:0.0366 are:0.0211 of:0.0129 be:0.0128 were:0.0102 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -the:0.2909 :0.5562 his:0.0382 a:0.0254 an:0.0248 its:0.0144 their:0.0142 tho:0.0138 tbe:0.0119 her:0.0102 -:0.6985 the:0.1349 not:0.0362 is:0.0282 an:0.0185 well:0.0176 we:0.0173 he:0.0170 it:0.0166 a:0.0151 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7790 of:0.0550 the:0.0528 and:0.0305 to:0.0188 in:0.0173 at:0.0137 for:0.0120 a:0.0112 that:0.0098 -:0.8824 and:0.0349 away:0.0137 is:0.0131 are:0.0112 was:0.0098 or:0.0094 came:0.0092 of:0.0090 had:0.0073 -:0.6041 the:0.1583 a:0.1165 his:0.0213 an:0.0208 him:0.0199 it:0.0168 that:0.0142 them:0.0141 her:0.0139 -be:0.4628 been:0.1291 :0.2913 have:0.0459 bo:0.0231 only:0.0128 being:0.0114 yet:0.0084 always:0.0079 he:0.0072 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.5393 of:0.2809 to:0.0410 the:0.0378 and:0.0366 that:0.0213 for:0.0137 in:0.0121 or:0.0102 on:0.0070 -:0.8015 and:0.0482 the:0.0441 to:0.0295 of:0.0238 a:0.0185 in:0.0154 or:0.0076 will:0.0057 one:0.0057 -:0.7991 of:0.0508 the:0.0380 and:0.0307 to:0.0223 that:0.0180 by:0.0132 in:0.0116 as:0.0081 with:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7410 and:0.0598 it:0.0597 which:0.0361 we:0.0196 but:0.0181 that:0.0181 there:0.0171 he:0.0156 they:0.0148 -:0.6922 to:0.0593 the:0.0426 a:0.0400 that:0.0373 as:0.0314 and:0.0296 in:0.0255 of:0.0241 with:0.0180 -:0.8548 in:0.0316 the:0.0296 and:0.0174 a:0.0148 to:0.0136 that:0.0115 for:0.0098 on:0.0086 be:0.0083 -:0.8739 the:0.0437 he:0.0219 a:0.0177 and:0.0112 be:0.0085 in:0.0076 that:0.0062 at:0.0047 by:0.0046 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7717 and:0.0665 of:0.0474 to:0.0371 the:0.0196 in:0.0140 as:0.0138 for:0.0110 from:0.0107 by:0.0082 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -of:0.3775 :0.4808 and:0.0542 in:0.0293 for:0.0125 that:0.0122 to:0.0104 or:0.0083 at:0.0076 is:0.0070 -that:0.2457 :0.5891 as:0.0707 but:0.0207 far:0.0176 much:0.0147 if:0.0145 doing:0.0103 and:0.0085 when:0.0081 -:0.8612 so:0.0256 found:0.0195 given:0.0159 ordered:0.0153 not:0.0143 in:0.0141 reported:0.0119 satisfied:0.0117 declared:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -will:0.1818 to:0.1316 :0.3874 are:0.0755 can:0.0547 have:0.0524 and:0.0365 would:0.0360 may:0.0257 were:0.0183 -own:0.0397 usual:0.0035 whole:0.0031 respective:0.0028 best:0.0028 present:0.0026 first:0.0025 fathers:0.0024 national:0.0021 new:0.0021 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8542 and:0.0448 as:0.0228 of:0.0165 is:0.0164 thereof:0.0112 it:0.0105 or:0.0086 but:0.0075 enough:0.0075 -:0.9150 said:0.0133 great:0.0126 other:0.0106 same:0.0104 most:0.0085 local:0.0079 whole:0.0074 various:0.0073 new:0.0071 -of:0.3330 :0.3947 the:0.1064 in:0.0406 and:0.0394 a:0.0237 for:0.0227 to:0.0181 on:0.0122 his:0.0092 -that:0.2220 :0.3549 and:0.1167 which:0.1090 where:0.0528 as:0.0432 but:0.0427 when:0.0246 of:0.0173 if:0.0168 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8438 was:0.0402 and:0.0324 is:0.0198 has:0.0118 have:0.0114 had:0.0110 were:0.0101 he:0.0100 be:0.0094 -:0.4525 with:0.1039 in:0.1016 to:0.0935 by:0.0745 for:0.0507 and:0.0386 as:0.0375 at:0.0246 into:0.0227 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -of:0.2730 in:0.1074 :0.3162 to:0.0573 for:0.0561 and:0.0482 by:0.0423 on:0.0407 from:0.0310 with:0.0277 -:0.6561 the:0.0802 and:0.0770 of:0.0666 in:0.0433 a:0.0250 that:0.0240 to:0.0114 at:0.0086 was:0.0080 -:0.7042 and:0.0939 the:0.0725 of:0.0309 to:0.0229 was:0.0214 is:0.0171 a:0.0163 or:0.0113 in:0.0095 -:0.8721 the:0.0533 and:0.0237 in:0.0097 of:0.0095 a:0.0087 to:0.0075 one:0.0057 that:0.0052 as:0.0046 -:0.6184 the:0.1346 to:0.0987 and:0.0452 by:0.0223 in:0.0218 a:0.0187 from:0.0142 with:0.0140 for:0.0121 -:0.5947 of:0.1682 and:0.1034 to:0.0455 in:0.0186 or:0.0184 that:0.0147 the:0.0129 for:0.0122 at:0.0112 -the:0.8171 a:0.0484 tho:0.0312 :0.0629 his:0.0111 an:0.0089 this:0.0064 their:0.0054 its:0.0052 her:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8996 more:0.0289 only:0.0200 one:0.0120 less:0.0112 be:0.0097 been:0.0076 two:0.0039 even:0.0038 to:0.0034 -:0.7727 to:0.0780 of:0.0313 and:0.0308 in:0.0242 by:0.0188 that:0.0143 at:0.0107 for:0.0105 the:0.0087 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8981 same:0.0192 other:0.0176 old:0.0175 past:0.0093 entire:0.0084 most:0.0084 present:0.0075 last:0.0074 first:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2145 :0.4982 as:0.0580 in:0.0574 and:0.0452 for:0.0360 with:0.0281 was:0.0225 from:0.0214 on:0.0186 -:0.7979 of:0.0566 and:0.0483 to:0.0256 in:0.0154 as:0.0139 the:0.0124 for:0.0111 on:0.0098 that:0.0090 -of:0.4808 :0.3727 in:0.0448 to:0.0332 and:0.0161 ot:0.0116 that:0.0114 for:0.0111 on:0.0111 at:0.0070 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.9031 him:0.0164 down:0.0162 up:0.0121 them:0.0106 back:0.0100 me:0.0091 feet:0.0081 us:0.0073 from:0.0071 -:0.7783 so:0.0646 and:0.0459 that:0.0278 in:0.0175 of:0.0150 but:0.0150 it:0.0137 to:0.0117 him:0.0107 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8938 now:0.0190 charged:0.0182 filled:0.0145 covered:0.0112 connected:0.0098 satisfied:0.0094 not:0.0083 pleased:0.0080 provided:0.0077 -:0.7353 and:0.0729 of:0.0674 in:0.0469 to:0.0256 the:0.0150 on:0.0095 at:0.0093 for:0.0090 by:0.0089 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5282 not:0.1586 to:0.0721 it:0.0531 will:0.0423 you:0.0362 we:0.0352 they:0.0310 there:0.0253 he:0.0179 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8420 and:0.0464 the:0.0301 a:0.0294 of:0.0161 that:0.0084 to:0.0078 was:0.0074 his:0.0064 or:0.0059 -:0.7377 was:0.0495 and:0.0440 is:0.0382 are:0.0338 were:0.0318 be:0.0273 of:0.0146 have:0.0134 has:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7675 the:0.1152 a:0.0336 and:0.0168 that:0.0154 it:0.0150 of:0.0106 to:0.0090 him:0.0085 for:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6478 of:0.1686 the:0.0549 and:0.0349 in:0.0234 to:0.0225 for:0.0173 with:0.0122 on:0.0101 a:0.0083 -:0.8032 the:0.0691 and:0.0260 of:0.0224 that:0.0189 by:0.0164 in:0.0159 a:0.0109 for:0.0088 with:0.0085 -:0.9396 hour:0.0153 act:0.0085 old:0.0063 inch:0.0057 opportunity:0.0054 attack:0.0053 average:0.0052 interest:0.0045 increase:0.0041 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8999 old:0.0247 hour:0.0196 officer:0.0172 men:0.0155 act:0.0063 people:0.0053 attack:0.0048 article:0.0035 opinion:0.0032 -:0.9094 out:0.0384 one:0.0133 part:0.0093 and:0.0063 many:0.0052 day:0.0049 side:0.0046 or:0.0044 line:0.0040 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -:0.8003 and:0.0429 is:0.0316 was:0.0314 he:0.0250 be:0.0181 we:0.0141 it:0.0139 the:0.0137 are:0.0090 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8666 be:0.0263 come:0.0175 him:0.0163 work:0.0146 vote:0.0137 go:0.0130 provide:0.0113 pay:0.0104 look:0.0102 -:0.7146 in:0.0802 that:0.0334 for:0.0280 and:0.0274 with:0.0244 to:0.0235 at:0.0233 by:0.0231 of:0.0222 -to:0.2090 :0.4154 with:0.0751 by:0.0689 for:0.0642 on:0.0461 in:0.0433 out:0.0264 as:0.0262 at:0.0253 -:0.6654 the:0.2283 a:0.0270 this:0.0161 said:0.0159 tho:0.0153 his:0.0092 our:0.0083 tbe:0.0075 their:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.6201 :0.1854 to:0.0594 for:0.0404 in:0.0258 by:0.0179 with:0.0149 on:0.0125 and:0.0124 from:0.0113 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.6194 the:0.1544 of:0.1291 in:0.0303 and:0.0174 for:0.0127 to:0.0119 by:0.0093 a:0.0084 his:0.0072 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -is:0.2672 was:0.1464 :0.4381 with:0.0310 as:0.0292 in:0.0227 to:0.0203 has:0.0198 by:0.0130 for:0.0123 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -to:0.2148 :0.5368 we:0.0543 will:0.0523 can:0.0422 they:0.0272 would:0.0232 could:0.0183 and:0.0174 should:0.0135 -:0.9446 man:0.0178 bill:0.0068 law:0.0064 matter:0.0050 word:0.0050 year:0.0048 letter:0.0034 number:0.0032 few:0.0030 -:0.6450 be:0.0994 was:0.0599 is:0.0468 have:0.0397 and:0.0290 had:0.0225 has:0.0205 he:0.0195 are:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -had:0.2389 has:0.1400 was:0.1205 :0.3673 is:0.0836 did:0.0166 have:0.0107 saw:0.0080 could:0.0073 made:0.0072 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.6362 the:0.2447 of:0.0475 and:0.0179 a:0.0152 tho:0.0123 his:0.0076 in:0.0070 an:0.0063 this:0.0053 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.9170 it:0.0221 the:0.0149 that:0.0118 a:0.0071 had:0.0058 was:0.0057 and:0.0055 he:0.0053 one:0.0047 -a:0.2797 :0.4637 the:0.1892 an:0.0181 his:0.0124 tho:0.0103 one:0.0070 more:0.0069 that:0.0064 very:0.0063 -:0.8413 them:0.0411 him:0.0357 it:0.0196 me:0.0194 us:0.0179 her:0.0099 one:0.0055 you:0.0053 which:0.0044 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7890 time:0.1279 day:0.0205 and:0.0203 of:0.0117 to:0.0099 way:0.0062 the:0.0051 in:0.0050 year:0.0044 -:0.8977 and:0.0369 of:0.0150 as:0.0117 to:0.0104 time:0.0068 the:0.0063 that:0.0058 in:0.0049 way:0.0044 -:0.6048 of:0.2425 and:0.0667 in:0.0158 the:0.0126 for:0.0124 to:0.0121 is:0.0119 at:0.0118 on:0.0093 -:0.7676 the:0.1012 and:0.0419 a:0.0239 of:0.0195 to:0.0113 no:0.0102 that:0.0089 in:0.0081 for:0.0073 -:0.7020 as:0.1628 to:0.0378 and:0.0300 in:0.0163 known:0.0146 for:0.0124 the:0.0111 that:0.0073 by:0.0057 -:0.5610 of:0.1794 the:0.0759 in:0.0597 he:0.0237 and:0.0235 is:0.0223 by:0.0184 to:0.0182 on:0.0179 -:0.5250 of:0.1525 the:0.0727 in:0.0659 and:0.0535 or:0.0317 for:0.0294 at:0.0273 to:0.0233 which:0.0188 -:0.8261 of:0.0547 and:0.0480 was:0.0157 the:0.0115 is:0.0112 in:0.0089 for:0.0088 at:0.0079 to:0.0071 -to:0.1375 in:0.1281 :0.3783 that:0.1024 by:0.0581 for:0.0511 on:0.0499 from:0.0367 of:0.0354 at:0.0226 -:0.8288 home:0.0498 oclock:0.0262 once:0.0198 night:0.0178 hand:0.0167 least:0.0158 all:0.0124 public:0.0068 times:0.0058 -:0.8496 and:0.0467 who:0.0223 are:0.0208 were:0.0176 or:0.0110 was:0.0103 but:0.0074 is:0.0074 interested:0.0069 -:0.9280 it:0.0245 time:0.0171 he:0.0066 there:0.0050 all:0.0049 the:0.0044 city:0.0036 you:0.0032 night:0.0028 -:0.7637 opportunity:0.0645 order:0.0464 effort:0.0308 appeal:0.0216 hour:0.0203 attempt:0.0192 equal:0.0170 act:0.0084 open:0.0081 -:0.6226 the:0.1339 a:0.0939 it:0.0331 to:0.0311 that:0.0212 his:0.0176 them:0.0174 him:0.0155 in:0.0137 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8299 was:0.0330 he:0.0308 it:0.0193 be:0.0188 is:0.0163 then:0.0145 have:0.0142 she:0.0129 had:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -the:0.4654 :0.3561 a:0.0565 his:0.0215 tbe:0.0206 tho:0.0194 their:0.0169 our:0.0160 this:0.0143 its:0.0134 -:0.8717 and:0.0433 was:0.0161 came:0.0148 or:0.0123 went:0.0101 is:0.0094 are:0.0086 of:0.0078 were:0.0060 -:0.8505 and:0.0354 to:0.0284 in:0.0156 of:0.0153 will:0.0149 are:0.0111 out:0.0101 up:0.0094 all:0.0093 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.6522 of:0.0971 to:0.0624 and:0.0624 the:0.0335 that:0.0281 in:0.0251 for:0.0149 or:0.0126 with:0.0117 -:0.8078 the:0.1199 said:0.0199 tho:0.0113 his:0.0103 their:0.0079 a:0.0067 such:0.0064 this:0.0052 which:0.0045 -:0.8215 and:0.0707 of:0.0287 to:0.0246 are:0.0141 the:0.0091 or:0.0086 at:0.0083 have:0.0075 were:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7416 be:0.1308 not:0.0373 have:0.0293 come:0.0175 bo:0.0110 go:0.0094 appear:0.0084 put:0.0078 do:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.6134 :0.1667 a:0.0634 an:0.0493 tho:0.0289 his:0.0263 their:0.0172 this:0.0134 its:0.0125 our:0.0089 -:0.5497 the:0.2313 a:0.1193 tho:0.0232 his:0.0188 said:0.0147 their:0.0147 this:0.0129 our:0.0078 tbe:0.0075 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7625 the:0.1568 a:0.0250 tho:0.0103 an:0.0099 this:0.0083 said:0.0074 it:0.0074 that:0.0068 his:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.8696 able:0.0374 not:0.0157 made:0.0132 due:0.0121 allowed:0.0119 unable:0.0115 sent:0.0102 going:0.0094 given:0.0090 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8103 a:0.0425 the:0.0382 to:0.0282 in:0.0206 one:0.0195 and:0.0148 of:0.0113 that:0.0079 by:0.0067 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9290 one:0.0143 to:0.0118 and:0.0104 more:0.0073 that:0.0067 out:0.0065 two:0.0056 on:0.0045 it:0.0039 -:0.6727 to:0.1196 and:0.1031 of:0.0301 at:0.0171 that:0.0137 in:0.0127 as:0.0123 for:0.0094 or:0.0093 -:0.8848 and:0.0399 is:0.0199 was:0.0134 are:0.0121 were:0.0086 or:0.0063 be:0.0058 of:0.0048 that:0.0045 -the:0.4366 :0.4324 a:0.0537 this:0.0172 said:0.0127 tho:0.0108 that:0.0105 tbe:0.0103 one:0.0080 to:0.0078 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6588 of:0.1621 and:0.0494 to:0.0273 the:0.0217 with:0.0177 in:0.0174 on:0.0172 a:0.0151 for:0.0133 -:0.6271 of:0.1502 and:0.0671 to:0.0440 in:0.0297 on:0.0218 the:0.0168 that:0.0155 for:0.0140 was:0.0138 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.5044 a:0.2202 the:0.1934 this:0.0190 to:0.0135 of:0.0114 their:0.0112 his:0.0095 and:0.0090 in:0.0085 -of:0.5512 :0.3041 and:0.0414 in:0.0261 that:0.0221 the:0.0173 to:0.0144 for:0.0093 with:0.0078 or:0.0063 -:0.8517 to:0.0398 the:0.0299 that:0.0168 and:0.0161 in:0.0161 by:0.0096 of:0.0078 a:0.0061 as:0.0061 -:0.7909 the:0.0727 a:0.0396 up:0.0196 to:0.0158 it:0.0131 with:0.0126 her:0.0124 at:0.0119 some:0.0114 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.8456 and:0.0470 of:0.0436 made:0.0164 followed:0.0105 or:0.0083 owned:0.0082 is:0.0076 in:0.0064 given:0.0063 -of:0.5418 in:0.0622 :0.1748 and:0.0463 to:0.0411 from:0.0332 on:0.0327 for:0.0282 by:0.0212 with:0.0186 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.9402 order:0.0124 the:0.0085 hand:0.0071 all:0.0068 favor:0.0061 time:0.0055 this:0.0055 mind:0.0040 it:0.0040 -is:0.4189 was:0.1969 :0.2856 be:0.0229 would:0.0147 will:0.0145 has:0.0141 he:0.0129 and:0.0120 not:0.0076 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.5826 of:0.2022 and:0.0593 to:0.0446 in:0.0332 for:0.0299 at:0.0136 the:0.0117 or:0.0117 is:0.0112 -:0.7435 and:0.0785 of:0.0628 in:0.0403 or:0.0152 for:0.0148 with:0.0131 to:0.0130 on:0.0100 that:0.0089 -:0.8184 of:0.0485 the:0.0328 in:0.0237 and:0.0205 to:0.0168 was:0.0147 a:0.0103 not:0.0072 that:0.0071 -the:0.5319 :0.2632 a:0.0791 tho:0.0377 said:0.0289 tbe:0.0234 this:0.0119 his:0.0085 their:0.0078 an:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6833 to:0.1460 and:0.0565 will:0.0329 of:0.0180 can:0.0149 would:0.0137 was:0.0126 is:0.0117 he:0.0103 -:0.9237 people:0.0251 men:0.0093 country:0.0069 government:0.0064 city:0.0062 work:0.0061 children:0.0058 time:0.0057 way:0.0049 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6765 and:0.0809 which:0.0449 there:0.0385 you:0.0336 they:0.0296 we:0.0282 them:0.0268 as:0.0241 it:0.0170 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -the:0.3125 :0.4425 a:0.0657 said:0.0357 his:0.0336 our:0.0252 tho:0.0251 this:0.0248 their:0.0205 an:0.0143 -:0.7627 of:0.0648 the:0.0509 and:0.0464 in:0.0225 or:0.0149 a:0.0137 to:0.0089 are:0.0078 for:0.0073 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.8730 and:0.0365 is:0.0252 was:0.0189 of:0.0153 to:0.0071 are:0.0067 or:0.0062 but:0.0057 in:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7510 and:0.0734 of:0.0519 to:0.0462 the:0.0278 in:0.0136 or:0.0099 that:0.0089 with:0.0087 for:0.0087 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.6859 the:0.1902 a:0.0333 of:0.0185 and:0.0164 his:0.0139 in:0.0134 an:0.0113 their:0.0099 tho:0.0073 -:0.8392 and:0.0418 it:0.0221 of:0.0216 is:0.0174 but:0.0140 that:0.0127 to:0.0116 was:0.0100 which:0.0095 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8803 which:0.0305 that:0.0208 to:0.0168 all:0.0124 home:0.0089 once:0.0084 we:0.0076 least:0.0075 they:0.0068 -:0.5921 to:0.1606 not:0.1439 be:0.0406 take:0.0151 probably:0.0111 also:0.0103 soon:0.0091 do:0.0088 never:0.0084 -:0.7762 a:0.0479 the:0.0411 to:0.0347 not:0.0288 that:0.0177 and:0.0147 in:0.0134 as:0.0131 it:0.0125 -:0.8927 and:0.0240 the:0.0214 time:0.0161 of:0.0104 a:0.0081 at:0.0079 to:0.0078 is:0.0059 day:0.0058 -:0.9487 city:0.0083 case:0.0082 matter:0.0067 people:0.0053 purpose:0.0049 end:0.0047 time:0.0046 way:0.0044 state:0.0042 -:0.4822 to:0.2985 will:0.0872 would:0.0369 and:0.0325 should:0.0153 could:0.0131 can:0.0128 shall:0.0112 may:0.0102 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -hereby:0.2258 :0.5342 not:0.0947 now:0.0569 being:0.0263 always:0.0197 also:0.0117 so:0.0116 he:0.0114 ever:0.0077 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8728 is:0.0283 time:0.0248 in:0.0146 to:0.0135 way:0.0106 morning:0.0105 place:0.0086 of:0.0084 was:0.0078 -:0.4095 had:0.1130 is:0.0974 has:0.0894 and:0.0725 was:0.0630 have:0.0529 not:0.0478 are:0.0380 were:0.0165 -a:0.7029 :0.2134 the:0.0333 that:0.0111 all:0.0100 one:0.0089 this:0.0072 his:0.0058 their:0.0042 such:0.0033 -:0.9516 man:0.0072 year:0.0066 hundred:0.0065 long:0.0061 large:0.0056 good:0.0046 time:0.0041 matter:0.0039 little:0.0038 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7723 of:0.0636 the:0.0530 and:0.0232 in:0.0195 that:0.0184 it:0.0148 a:0.0131 to:0.0120 on:0.0102 -:0.8246 and:0.0723 was:0.0250 is:0.0204 in:0.0151 are:0.0093 that:0.0089 but:0.0085 were:0.0082 being:0.0076 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7162 to:0.0836 will:0.0602 and:0.0446 has:0.0188 we:0.0169 would:0.0165 should:0.0161 can:0.0154 had:0.0117 diff --git a/dev-0/out.tsv b/dev-0/out.tsv deleted file mode 100644 index 620a157..0000000 --- a/dev-0/out.tsv +++ /dev/null @@ -1,10519 +0,0 @@ -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Cash:0.0018610749620396232 the:0.0012137445404606238 tax:0.0012137445404606238 levy:0.001051911935065874 deemed:0.0008091630269737492 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -chancery:0.000367455470019293 the:0.00024497031334619535 equity:0.00024497031334619535 prime:0.00024497031334619535 to:0.0002143490241779209 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -must:0.002474662638242224 don:0.0003360652965514132 to:0.0003055139059558301 Now:0.0003055139059558301 doesn:0.00027496251536024706 :0.1 -alas:0.0013201810298237146 Oh:0.0009241267208766001 Ah:0.0006600905149118573 oh:0.00046206336043830005 Alas:0.00026403620596474286 :0.1 -thank:0.0030243396037974452 Almighty:0.0013363361040035224 Lord:0.001125335666529282 for:0.0010550021873712019 May:0.0010550021873712019 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0002460928058660489 pills:0.0002460928058660489 is:0.00019335863318046702 of:0.00016259703244721088 in:0.0001186518885425593 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ma:0.000922342848437449 par:0.00023912592366896824 pour:0.00020496507743054422 a:0.00017080423119212018 que:0.00017080423119212018 :0.1 -the:0.5 a:0.3 :0.2 -electric:0.0033712053679962398 telegraph:0.001348482147198496 telegraph:0.001348482147198496 a:0.0010113616103988718 Bell:0.0010113616103988718 :0.1 -the:0.5 a:0.3 :0.2 -perfect:0.0030750384087131068 the:0.0026357472074683775 ill:0.0026357472074683775 failing:0.001903595205393828 gen:0.0013178736037341887 :0.1 -the:0.5 a:0.3 :0.2 -of:0.0006533199579314919 Alexandria:0.0006533199579314919 be:0.0004899899684486189 to:0.00036197457128636716 was:0.00032665997896574596 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thousand:0.0011764179808365163 eighty:0.0002656427698663101 About:0.0002656427698663101 numbered:0.00024666828630443086 six:0.00017077035205691367 :0.1 -have:0.00010090065592207013 enjoy:0.00010090065592207013 to:9.401062630675426e-05 a:3.363355197402338e-05 climate:2.882875883487718e-05 :0.1 -the:0.5 a:0.3 :0.2 -deg:0.0009123632346127803 Range:0.00045618161730639014 Jan:0.00039915891514309134 variation:0.00034213621297979254 Courts:0.0002851135108164938 :0.1 -thus:0.001267780943479878 by:0.00102040905206917 person:0.00102040905206917 thereby:0.0007421156742321236 with:0.0004551120185285031 :0.1 -the:0.5 a:0.3 :0.2 -York:0.004961782029002122 in:0.0025229400147468418 of:0.00243884201425528 Baltimore:0.0011773720068818595 of:0.0010091760058987369 :0.1 -capital:0.02539010733386565 preferred:0.00447448612850911 of:0.0030176766913200975 rolling:0.0030176766913200975 the:0.002809561057435953 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -it:0.005951020976894932 It:0.005159913029569614 There:0.0006258018090782369 deal:0.00010626823173026664 opinion:0.00010626823173026664 :0.1 -determine:0.0013193087215145533 doubtful:0.0012980295485868992 not:0.0003191875939148113 doubted:0.00029790842098715724 de:0.00019151255634888677 :0.1 -schedule:7.302534892424533e-05 Charles:2.9210139569698135e-05 a:1.8256337231061333e-05 torm:1.8256337231061333e-05 pal:1.4605069784849067e-05 :0.1 -the:0.002336875237830814 On:0.002336875237830814 fourth:0.0018695001902646513 a:0.0002858070594525017 this:0.00015050594540065741 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -electric:0.00295642436407459 dim:0.00047780595783023677 flickering:0.0001791772341863388 calcium:0.000149314361821949 to:0.00011945148945755919 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -he:0.004524886877828054 I:0.004040077569489334 it:0.0029088558500323207 It:0.002262443438914027 they:0.002262443438914027 :0.1 -dwelling:0.0022444419260461835 the:0.001710050991273283 opera:0.0016744249289550896 boarding:0.001353790368091349 clearing:0.0012469121811367688 :0.1 -the:0.0030048600935737987 the:0.0030048600935737987 fatal:0.0030048600935737987 be:0.0012960071683407633 a:0.0004718781650364728 :0.1 -eldest:0.0014972625091181993 oldest:0.0005758701958146921 the:0.00034552211748881524 dutiful:0.00034552211748881524 youngest:0.00034552211748881524 :0.1 -the:0.5 a:0.3 :0.2 -must:0.0005607594272827399 don:7.615251481617454e-05 and:6.922955892379503e-05 Now:6.922955892379503e-05 condition:6.503382807992867e-05 :0.1 -sanitary:0.0005160163537490573 in:0.00043662922240304846 deplorable:0.0003572420910570396 a:0.00023816139403802644 disjointed:0.00023816139403802644 :0.1 -few:0.0004184641177953391 summer:0.0004184641177953391 nice:0.0003138480883465043 great:0.0002684626270207696 good:0.00025386289260041105 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -And:0.0005863630581610058 has:9.067469971561944e-05 have:5.742730981989232e-05 beast:3.626987988624778e-05 had:2.7202409914685835e-05 :0.1 -the:0.009661646771492624 by:0.009661646771492624 Chattel:0.007246235078619468 a:0.001869877732366006 this:0.00099206764598167 :0.1 -in:0.0003675769979198819 cough:0.0003675769979198819 the:0.00017754814466885863 and:0.00017553512715560624 that:0.00015902838354693686 :0.1 -the:0.5 a:0.3 :0.2 -fellow:0.002435192458758838 prominent:0.0010436539108966446 loyal:0.0008117308195862791 male:0.0006377885011035051 abiding:0.00046384618262073095 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -At:0.00034413330907465426 satisfy:0.00032917099128879974 being:0.00029924635571709063 exactly:0.0001795478134302544 much:0.00016458549564439987 :0.1 -coal:0.0012274959083469722 silver:0.0005319148936170213 gold:0.0005319148936170213 other:0.0004500818330605565 these:0.0004091653027823241 :0.1 -sai:0.0016162922256343945 mi:0.0006869241958946177 a:0.0006465168902537578 Al:0.00028285113948601907 Courier:0.00016162922256343946 :0.1 -the:0.5 a:0.3 :0.2 -passages:0.00028136556085535126 with:0.00021883988066527323 organ:0.00018757704057023418 respectively:0.00018757704057023418 has:0.00012505136038015613 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -don:0.00387376013373313 don:0.0006268740465377264 and:0.0002893264830174122 didn:0.0002893264830174122 I:0.00017681062851064079 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.00013436735173949 make:0.00013436735173949 the:0.0001061710939910478 largest:9.484754240434589e-05 potassa:8.694358053731707e-05 :0.1 -the:0.5 a:0.3 :0.2 -of:0.0004705275787465126 democratic:0.0004705275787465126 republican:0.0003659658945806209 lasting:0.0002614042104147292 the:0.00020912336833178336 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -purpose:0.0004315573112829081 Stevenson:0.00034524584902632645 Moore:0.00034524584902632645 Thurston:0.0002589343867697448 Columbia:0.0002589343867697448 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.001764525477472116 the:0.001764525477472116 into:0.001764525477472116 territorial:0.001323394108104087 empty:0.001323394108104087 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.0002010512106155039 of:0.0002010512106155039 our:7.18040037912514e-05 our:7.18040037912514e-05 able:7.18040037912514e-05 :0.1 -who:0.00023341437575664323 time:0.0001333796432895104 that:0.00011670718787832162 me:0.0001000347324671328 who:0.0001000347324671328 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.017413572343149806 one:0.007170294494238155 and:0.007170294494238155 sei:0.0030729833546734955 its:0.0030729833546734955 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -brotherly:0.0005520076739001089 I:0.0004416061391200871 pure:0.0003312046043400653 passionate:0.00027600383695005443 VENUS:0.00022080306956004354 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -health:0.004639103019681408 double:0.0021262555506873122 physical:0.001546367673227136 add:0.001546367673227136 vital:0.0013530717140737439 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0057600670262344875 be:0.0057600670262344875 were:0.0052364245693040795 cards:0.0046080536209875895 and:0.0046080536209875895 :0.1 -the:0.004789035870217109 medicine:0.004789035870217109 a:0.0007646121465181407 which:0.0005462325646119953 his:0.00039251602773779923 :0.1 -shade:0.0015943737142319172 the:0.0008968352142554533 cent:0.0008968352142554533 c:0.0005978901428369689 low:0.0004982417856974741 :0.1 -the:0.5 a:0.3 and:0.0030129124820659973 Mr:0.0030129124820659973 H:0.002259684361549498 W:0.002259684361549498 humors:0.0018651362984218078 :0.1 -the:0.0006417024997706762 shingle:0.0006417024997706762 cabin:0.0006417024997706762 he:0.00041884423237550743 it:0.0003543911160572311 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Any:0.002646047888636271 auy:0.0004046896770855473 by:0.0003112997516042671 that:0.00028016977644384046 for:0.00024903980128341375 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -little:0.0009108820036705171 poor:0.0007084637806326245 young:0.0006477383137212567 big:0.0003036273345568391 the:0.00012145093382273562 :0.1 -the:0.5 a:0.3 :0.2 -the:0.17880402873821546 Los:0.17880402873821546 a:0.034605039875957734 this:0.018359778211489725 his:0.012903646157427676 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -N:0.005147938155337733 Washington:0.0022189388600593676 vitamin:0.0006213028808166229 February:0.0002662726632071241 May:0.0002662726632071241 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -it:0.0002164955428335787 and:0.00019845424759744714 it:0.00016237165712518404 It:0.00012628906665292092 physicians:9.020647618065781e-05 :0.1 -the:0.5 a:0.3 :0.2 -morally:0.00036599507342834075 is:0.00029279605874267257 below:0.0002561965513998385 wit:0.00021959704405700441 that:0.00021959704405700441 :0.1 -quarter:0.0023077442897688877 fractional:0.0008974561126879007 qr:0.0007692480965896291 quarter:0.0006410400804913577 provisions:0.0005128320643930861 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -parallel:0.000709211687320664 trunk:0.0006475411058145193 steamship:0.0003391881982837958 boundary:0.0003391881982837958 pipe:0.00030835290753072344 :0.1 -the:0.5 a:0.3 :0.2 -National:0.007076350329556434 Republican:0.004162559017386138 the:0.00333004721390891 Democratic:0.00333004721390891 Constitutional:0.002081279508693069 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Spanish:0.0003561068326155387 British:0.00015826970338468388 enemy:7.913485169234194e-05 same:5.935113876925645e-05 Cervera:5.935113876925645e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -legal:0.0061717574991638395 twenty:0.004849238035057303 forty:0.0022041991068442283 the:0.0013225194641065371 twenty:0.0013225194641065371 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0022399656881321476 attempt:0.0022399656881321476 a:0.0005953621434825682 that:0.000526348735829895 to:0.0004176445186117172 :0.1 -the:0.5 a:0.3 :0.2 -district:0.001026425642454613 circuit:0.0006998356653099634 federal:0.0005132128212273065 the:0.00027993426612398534 Federal:0.00027993426612398534 :0.1 -two:0.0009693801311703568 Two:0.00014002157450238487 two:0.00014002157450238487 two:6.462534207802378e-05 twoor:5.385445173168649e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.002954661332322725 smoke:0.002954661332322725 not:0.0007017931131483895 have:0.0005215831905654001 bo:0.0002026751161841208 :0.1 -the:0.5 a:0.3 :0.2 -nor:0.0004199703847457358 How:0.00016035232872109914 Nor:0.00013744485318951355 Why:0.00012217320283512315 that:6.872242659475678e-05 :0.1 -in:0.019230769230769232 the:0.019230769230769232 a:0.016025641025641024 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00013349985143220288 th:0.00013349985143220288 th:0.00013349985143220288 th:0.00013349985143220288 st:0.00013349985143220288 :0.1 -bear:0.001529247805943727 Possessory:0.0011121802225045286 title:0.0006951126390653303 title:0.0005560901112522643 title:0.0004865788473457312 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Farmland:0.009393460380357823 Chattel:0.00845411434232204 by:0.004696730190178911 the:0.0037573841521431287 Iowa:0.0037573841521431287 :0.1 -the:0.5 a:0.3 :0.2 -At:0.0026704760256964174 at:0.0014612038631169075 Those:0.0005038634010747957 during:0.00025193170053739784 under:0.00025193170053739784 :0.1 -the:0.5 a:0.3 :0.2 -acres:0.0005824438762902275 holding:0.00022269912916979292 the:0.00018843772468213246 under:0.00018843772468213246 highest:0.00018843772468213246 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -authority:0.013246388658759425 the:0.004636236030565799 powers:0.004636236030565799 the:0.0019869582988139138 au:0.0019869582988139138 :0.1 -the:0.5 a:0.3 :0.2 -separate:0.0002994572337638031 and:0.00022459292532285232 into:0.00022459292532285232 in:0.00014972861688190156 as:0.00011229646266142616 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.008798428101486545 Cloth:0.008798428101486545 a:0.002627691569407507 his:0.0005497157321728173 their:0.0004897300920939842 :0.1 -was:0.0009554292265800411 is:0.0009554292265800411 had:0.0004434171538743268 is:0.0004140193315180178 has:0.0002915284050333971 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.06769479581817132 District:0.004967365563449431 the:0.002425922717033443 British:0.0010396811644429042 ot:0.0010396811644429042 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -engravings:0.0018570272196197842 receiver:0.0018570272196197842 the:0.0009285136098098921 contracted:0.0009285136098098921 who:0.0009285136098098921 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Butler:0.002724621962349167 and:0.0013623109811745835 the:0.0010217332358809375 seal:0.0010217332358809375 Monday:0.0010217332358809375 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00047808830959291434 monopoly:0.00047808830959291434 than:0.00047808830959291434 to:0.00047808830959291434 a:6.413742475386636e-05 :0.1 -the:0.5 a:0.3 :0.2 -badly:0.000596616113615687 been:0.00035095065506805123 deep:0.00035095065506805123 clean:0.00031585558956124605 quiet:0.0002807605240544409 :0.1 -the:0.5 a:0.3 :0.2 -April:0.007762124441053862 the:0.004312291356141034 January:0.004312291356141034 its:0.003449833084912828 Marcli:0.003449833084912828 :0.1 -the:0.5 a:0.3 :0.2 -Rev:0.0038422787937808698 consult:0.0008637681009274822 Kev:0.0003276361762138726 Address:0.0003276361762138726 addressing:0.0002680659623568048 :0.1 -prescribed:0.0038238886823516918 a:0.0034414998141165227 your:0.0034414998141165227 purgative:0.002676722077646184 patent:0.0024855276435285993 :0.1 -t:0.004368700506595586 oft:0.0001917966076066355 pul:0.00010655367089257527 in:8.524293671406022e-05 wiil:8.524293671406022e-05 :0.1 -the:0.5 a:0.3 :0.2 -witb:0.0002676029282555404 beneath:0.0002676029282555404 drew:0.0002676029282555404 retain:0.00021408234260443233 of:0.00016056175695332425 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -organized:0.0018583659653547489 pauper:0.0007433463861418996 manual:0.0006968872370080309 skilled:0.0006968872370080309 slave:0.0006039689387402935 :0.1 -the:0.00504215995840595 States:0.00504215995840595 British:0.003651219280224998 Federal:0.00330348411067976 sending:0.0015648082629535706 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:2.9466718793707235e-05 stomach:2.2918559061772296e-05 not:1.9644479195804822e-05 teke:1.6370399329837353e-05 of:1.6370399329837353e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.00037989574700874435 forthwith:0.00037989574700874435 pleased:0.00033240877863265127 others:0.0002849218102565583 intended:0.0002849218102565583 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0002671880290325783 was:0.0002671880290325783 after:0.00019848253585277243 be:0.00011523917591425023 since:6.870549317980585e-05 :0.1 -to:0.00042160644679175164 one:0.00042160644679175164 nf:0.00042160644679175164 with:0.00040898349928301654 combined:0.000252963868075051 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dining:0.004222249008893174 drawing:0.0011317368477445622 sitting:0.0009140951462552233 darkened:0.00047881174327654556 the:0.0004352834029786778 :0.1 -the:0.5 a:0.3 :0.2 -something:0.0003155033491893991 allowed:0.00024269488399184544 had:0.00024269488399184544 ready:0.0002184253955926609 have:0.0002184253955926609 :0.1 -medicine:2.1678024580026912e-05 and:1.445201638668461e-05 apply:9.032510241677881e-06 Carter:9.032510241677881e-06 which:7.226008193342305e-06 :0.1 -the:0.5 a:0.3 :0.2 -that:0.0003083564600678384 tail:0.0003083564600678384 Decem:0.0002312673450508788 and:0.000192722787542399 the:0.00016702641587007915 :0.1 -on:0.0007586611562671497 the:0.00030346446250685994 arraigned:0.00030346446250685994 elapse:0.00028449793360018114 than:0.00024656487578682366 :0.1 -the:0.5 a:0.3 :0.2 -smell:4.407685508942488e-05 wended:3.6730712574520734e-05 retrace:3.6730712574520734e-05 blood:3.6730712574520734e-05 welfare:3.6730712574520734e-05 :0.1 -judicious:0.00025796938644239093 persevering:0.00020064285612185958 Ladies:0.00017197959096159392 lavish:0.00017197959096159392 children:0.0001433163258013283 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -cotton:0.0003029522654446131 funds:0.00016830681413589616 successfully:0.00013464545130871696 objection:0.00013464545130871696 can:0.00013464545130871696 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -equal:0.0015759426033084929 civil:0.0007879713016542464 constitutional:0.0004784111474329354 treaty:0.00030956015422131113 belligerent:0.00016885099321162426 :0.1 -dull:7.491015916711635e-05 a:5.3507256547940255e-05 grave:5.3507256547940255e-05 a:5.3507256547940255e-05 stomach:5.3507256547940255e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0017313928903013392 pure:0.0017313928903013392 he:0.0008926783471211936 they:0.0005146066363775854 it:0.0004931511480636747 :0.1 -a:0.004652794446188217 naked:0.004652794446188217 by:0.004098890345451525 the:0.003286497664371042 in:0.003028009084027252 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -committee:0.0017971253775720785 favorably:0.0008457060600339193 bills:0.0007399928025296794 currently:0.0006342795450254395 officially:0.0006342795450254395 :0.1 -the:0.5 a:0.3 :0.2 -read:0.00029192615658362993 power:0.00029192615658362993 another:0.00022705367734282325 Clerk:0.00019461743772241995 sea:0.00019461743772241995 :0.1 -entirely:0.0016048820068720897 are:0.0005349606689573632 quite:0.0005349606689573632 totally:0.0003677854599081872 widely:0.0003677854599081872 :0.1 -the:0.5 a:0.3 Jan:0.00031196921903705504 Oct:0.00031196921903705504 Sept:0.0002599743491975459 of:0.00020797947935803667 Indebtedness:0.00020797947935803667 :0.1 -the:0.009424999635631457 grain:0.009424999635631457 a:0.001264400724314405 his:0.0006403672432847714 which:0.0005226803921644178 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.02072704081632653 was:0.003897392290249433 he:0.003365929705215419 is:0.0031887755102040813 have:0.0015943877551020406 :0.1 -the:0.011103127935261586 executive:0.011103127935261586 finance:0.0035530009392837074 judiciary:0.0017765004696418537 cen:0.0013323753522313903 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -undersigned:0.006099061600522165 Caton:0.0045742962003916246 package:0.0045742962003916246 Journal:0.0045742962003916246 M:8.827589158650503e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -proposed:0.0008334988392877491 constitutional:0.00020837470982193728 as:0.00017364559151828107 pro:0.00013891647321462484 a:0.00010418735491096864 :0.1 -and:0.019021739130434784 the:0.01358695652173913 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Tonic:0.0009226095509209962 year:0.0005766309693256227 clearly:0.0005766309693256227 night:0.0005278314572410708 week:0.0005138887395026274 :0.1 -the:0.5 a:0.3 :0.2 -lavor:2.3920816314943045e-05 labor:1.9136653051954437e-05 acc:1.9136653051954437e-05 na:1.9136653051954437e-05 southward:1.9136653051954437e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -it:0.00013233748400678084 green:0.00011343212914866929 Why:0.00011343212914866929 delf:9.452677429055775e-05 Juror:9.452677429055775e-05 :0.1 -the:0.5 a:0.3 :0.2 -of:0.008224874906845524 among:0.008224874906845524 tells:0.002624960076652827 Let:0.002449962738209305 the:0.002376769935058022 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 entitled:0.00022224431975927596 own:0.00018931923535049435 called:0.00018931923535049435 word:0.0001234690665329311 said:0.00011523779543073569 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -devise:0.00011884040118514692 of:3.961346706171563e-05 lungs:3.30112225514297e-05 inserted:3.30112225514297e-05 health:3.30112225514297e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.03051556991774383 artificial:0.03051556991774383 a:0.005405405405405406 which:0.0024897179788484136 tho:0.0018140423031727379 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -vast:9.891856461542743e-05 mineral:9.067535089747513e-05 accumulated:7.418892346157056e-05 national:5.7702496025665994e-05 agricultural:4.121606858976143e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -closing:0.0010618396784829122 awful:0.0008494717427863296 the:0.0006371038070897472 animated:0.0006371038070897472 near:0.0006371038070897472 :0.1 -the:0.5 a:0.3 :0.2 -clearly:0.0006660752673635564 frankly:0.0005828158589431119 and:0.0004995564505226674 It:0.0004995564505226674 officially:0.0004162970421022228 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0007783945805913341 almost:0.0007783945805913341 apply:0.0005307235776759095 a:0.00020689007355398885 that:0.0001829077140073224 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Key:0.0012426219322771049 avenue:0.00026358647048302223 and:0.00022593126041401903 County:0.00018827605034501586 of:0.0001506208402760127 :0.1 -snug:0.00015846018951838666 with:0.00012676815161470932 have:0.00011092213266287067 head:9.507611371103199e-05 cute:9.507611371103199e-05 :0.1 -not:0.0029415318344189955 selective:0.0029415318344189955 be:0.002007774742592982 have:0.0006295965538978777 do:0.0002820970792183231 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0014299642508937278 permanently:0.0014299642508937278 the:0.0010402590812422672 made:0.0008709212094259048 in:0.00046838741312168954 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0728516205768659 a:0.025498067201903063 I:0.02230151650312221 but:0.016354445435622957 what:0.01486767766874814 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mean:0.0005627791055466631 stories:0.00038371302650908853 piled:0.00025580868433939234 a:0.00017906607903757463 requiem:0.00015348521060363541 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Rock:0.0195834855681403 Rhode:0.007343807088052613 Long:0.0061198392400438435 Kock:0.0025839321235740674 Staten:0.0019039499857914182 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -been:0.00042561996912006015 con:0.00042561996912006015 a:5.605726422556889e-05 not:4.879058182595811e-05 the:3.425721702673655e-05 :0.1 -large:0.0019711495062196462 vast:0.0007463575800249147 the:0.00030619798154868296 a:0.0002870606077018902 republican:0.0002870606077018902 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hard:0.007349436655403909 day:0.004107038130961008 of:0.0021615990162952674 farm:0.0021615990162952674 guess:0.0010807995081476337 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Custer:0.0007144811901934075 the:0.0003022805035433647 Yuma:0.0003022805035433647 Lander:0.0001648802746600171 Eureka:0.00013740022888334758 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -faster:0.00014296439313821725 ordinary:4.084696946806207e-05 same:3.063522710104655e-05 Don:3.063522710104655e-05 summer:3.063522710104655e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.05225298588490771 of:0.04085233441910967 with:0.013300760043431054 and:0.010450597176981543 for:0.008550488599348535 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -oi:0.000224206837613381 ana:6.832970289169707e-05 same:6.619439967633154e-05 lor:6.619439967633154e-05 oy:4.057076109194513e-05 :0.1 -are:0.006354829050479715 lived:0.006354829050479715 were:0.004367607202394939 have:0.003573394388959698 will:0.0027679161455466516 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.004620148735424503 oak:0.004620148735424503 be:0.0019926870780826293 a:0.0007255403711241542 make:0.00040490098243158663 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -various:0.013975280110830835 different:0.010481460083123128 All:0.004148911282902904 of:0.0030570925242442456 ail:0.0017469100138538544 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00044082022728607865 and:0.00044082022728607865 in:0.00044082022728607865 hi:0.00044082022728607865 a:5.9137765116275844e-05 :0.1 -the:0.0009034100887312049 had:0.0009034100887312049 he:0.0003134460075341697 nec:0.00027797233499421686 it:0.00022531215052062838 :0.1 -the:0.5 a:0.3 :0.2 -dated:0.010571271742338744 pay:0.0040170832620887225 day:0.003594232392395173 law:0.001691403478774199 Saturday:0.001691403478774199 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002385676801564652 Shiva:0.002385676801564652 Masonic:0.002385676801564652 defendants:0.002385676801564652 be:0.0010289511457735757 :0.1 -and:0.01978088861838101 a:0.01582471089470481 the:0.01582471089470481 private:0.012933657942787584 old:0.007608034083992697 :0.1 -said:0.02961545471113541 of:0.014807727355567705 any:0.014807727355567705 deed:0.011846181884454165 care:0.008884636413340623 :0.1 -the:0.5 a:0.3 :0.2 -formation:0.0009181939661137062 universal:0.0006886454745852797 the:0.0005738712288210664 mere:0.0005738712288210664 of:0.0005738712288210664 :0.1 -the:0.5 a:0.3 :0.2 -be:0.0035858173390279826 to:0.0023516723051446487 only:0.002124875797468697 a:0.001979640178988513 the:0.0014809740406600007 :0.1 -the:0.5 a:0.3 :0.2 -State:0.006682506682506683 School:0.001018286732572447 the:0.0009546438117866691 Mayor:0.0005091433662862235 Shipping:0.0005091433662862235 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -At:0.0010900097658929377 at:0.0005964204379414188 Those:0.00020566221997979958 during:0.00010283110998989979 under:0.00010283110998989979 :0.1 -exceedingly:0.0002962753475343494 extremely:0.00020739274327404462 it:0.00020739274327404462 a:0.00011851013901373977 ex:0.00011851013901373977 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0006047351535205402 constant:0.0006047351535205402 prolific:0.0003779594709503376 fruitful:0.0003779594709503376 from:0.0003023675767602701 :0.1 -a:0.0008798298995527531 were:0.0008798298995527531 the:0.0005093752050042255 made:0.00044859748167985764 found:0.0003096769712241598 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -an:0.013012903928871338 left:0.0019070635068173512 watchful:0.0017948833005339776 right:0.001682703094250604 The:0.001458342681683857 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.0002592707640972782 hotel:0.0002592707640972782 first:0.00017157283361397187 most:0.00015792578445818128 United:0.00015574781736031314 :0.1 -pastoral:0.006709738575298876 the:0.005871021253386517 official:0.005871021253386517 respective:0.003354869287649438 arduous:0.0025161519657370787 :0.1 -carefully:0.00031033266721523453 a:0.00012068492613925788 it:0.00012068492613925788 the:8.779491536725517e-05 seriously:8.620351867089848e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -is:0.010047353828790146 be:0.009617979733542704 he:0.007041735162058051 had:0.00326324312388056 Is:0.0015457467428907918 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:0.00013425968895279595 stomach:0.0001044242025188413 not:8.950645930186396e-05 teke:7.458871608488664e-05 of:7.458871608488664e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.03292925256382397 Harper:0.03292925256382397 Bonners:0.01317170102552959 Harper:0.01317170102552959 a:0.006402411881620638 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -advance:0.0001464246778129002 national:0.0001464246778129002 rear:0.0001150479611387073 strong:7.32123389064501e-05 advanced:5.22945277903215e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Dr:0.007619047619047619 The:0.005714285714285714 of:0.005714285714285714 A:0.0038095238095238095 There:0.002857142857142857 :0.1 -offered:0.0015356687886708916 people:0.0006825194616315075 of:0.00028438310901312815 taste:0.00028438310901312815 Europe:0.00028438310901312815 :0.1 -R:0.0033116941431483482 min:0.0014192974899207209 in:0.0014192974899207209 the:0.0009461983266138139 I:0.0009461983266138139 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -native:0.003973636477446331 the:0.0015894545909785323 acres:0.0015894545909785323 promised:0.0015894545909785323 their:0.001192090943233899 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -wheat:0.004433423504658852 corn:0.0043582807333934475 year:0.001953712052900511 potato:0.0010519987977156598 apple:0.0007514277126540426 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:4.598744336233224e-05 stomach:3.576801150403619e-05 not:3.0658295574888163e-05 teke:2.5548579645740135e-05 of:2.5548579645740135e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -said:0.010075316414895674 certain:0.009076111481187012 acre:0.002997614801125986 de:0.0017486086339901581 in:0.001582074478372048 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0027873655244398583 Black:0.0008302790923863407 leading:0.00047444519564933754 by:0.00047444519564933754 that:0.00047444519564933754 :0.1 -the:0.5 a:0.3 :0.2 -acre:0.00036607934719687835 is:0.00012202644906562612 exceptionally:0.00012202644906562612 peace:9.76211592525009e-05 the:7.321586943937567e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 importance:0.003478289261228298 him:0.001304358472960612 it:0.001304358472960612 world:0.001304358472960612 known:0.0010869653941338433 :0.1 -butter:0.00019971226640136985 flour:0.00019971226640136985 of:0.0001497841998010274 I:0.0001497841998010274 that:0.0001497841998010274 :0.1 -the:0.5 a:0.3 :0.2 -W:0.004082071113975723 Jay:0.004082071113975723 E:0.0017665103066327689 A:0.0016948950239314402 and:0.0016710232630309976 :0.1 -the:0.5 a:0.3 the:0.004913184413963966 a:0.0006008976290948089 this:0.00031643258192843134 his:0.0002778480523081594 tho:0.00024112592190294883 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0030075944997410967 and:0.0030075944997410967 in:0.0011420516656118751 to:0.0006199298084114839 for:0.0005393820838847016 :0.1 -DROPS:4.3644600172724e-05 thought:3.394580013434089e-05 coughing:1.9397600076766222e-05 disappoint:1.9397600076766222e-05 which:1.9397600076766222e-05 :0.1 -the:0.5 a:0.3 :0.2 -plant:0.003273869462455864 pure:0.0012635987398952459 animal:0.0004594904508709985 wholesome:0.00034461783815324887 returned:0.000287181531794374 :0.1 -the:0.5 a:0.3 :0.2 -no:0.00021790189905431382 be:0.00016602049451757244 oh:0.00016602049451757244 wiry:8.301024725878622e-05 to:8.301024725878622e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Since:0.000695542720910434 now:0.00022165647149892953 delinquent:5.3503286223879544e-05 and:4.585995962046818e-05 Soap:4.585995962046818e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.07659171189799258 a:0.05033169639010941 for:0.017506677005255447 found:0.015318342379598516 were:0.013130007753941585 :0.1 -the:0.5 a:0.3 :0.2 -vital:0.00021161536589556378 answering:0.00015115383278254554 im:0.00012092306622603644 Important:0.00012092306622603644 constitutional:0.00012092306622603644 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -compromise:5.2461602958980675e-05 vigorous:5.2461602958980675e-05 drastic:4.371800246581723e-05 extreme:4.371800246581723e-05 weights:3.4974401972653786e-05 :0.1 -same:9.160659261456597e-05 bottle:9.160659261456597e-05 help:9.160659261456597e-05 first:6.062080592590359e-05 evidently:5.725412038410374e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Abraham:0.006835947998694662 the:0.003797748888163701 President:0.003797748888163701 be:0.0016379830106381089 District:0.0015190995552654804 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -self:0.00197317706323331 in:0.00197317706323331 in:0.0017937973302121 In:0.00143503786416968 profound:0.00089689866510605 :0.1 -the:0.5 a:0.3 :0.2 -in:0.0014140516606576295 surrounding:0.0006598907749735605 to:0.00044778302587491597 throughout:0.00030637785980915306 In:0.0002828103321315259 :0.1 -has:0.005685089451235135 an:0.004991785859621094 greatly:0.002565223288971951 largely:0.0017332589790351022 gradually:0.0009012946690982531 :0.1 -mortgage:0.002171504134664804 of:0.0016286281009986027 duly:0.0016286281009986027 that:0.00081628575522206 claims:0.0008143140504993014 :0.1 -with:0.013246823465801567 The:0.0037848067045147334 the:0.00283860502838605 scientific:0.00283860502838605 great:0.00283860502838605 :0.1 -average:0.0001311434459501655 lb:9.367388996440391e-05 light:6.869418597389621e-05 dead:4.995940798101542e-05 old:4.37144819833885e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.00041966944305150814 behind:0.00041966944305150814 the:0.0002533494456524858 kill:0.00025180166583090485 not:0.00021651228589886025 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -following:0.0015465284069365668 dead:0.0008187503330840649 private:0.0007277780738525021 Your:0.0004548612961578138 circular:0.00040937516654203246 :0.1 -the:0.5 a:0.3 :0.2 -to:0.0004499570612404416 the:0.0004499570612404416 of:0.0004499570612404416 Pan:0.0003856774810632357 the:0.0003856774810632357 :0.1 -the:0.5 a:0.3 :0.2 -sun:0.02785782901056676 and:0.0037987948650772857 the:0.0037987948650772857 moon:0.0037987948650772857 building:0.0018993974325386429 :0.1 -a:0.00035630102914054333 satisfied:0.00035630102914054333 court:0.00035630102914054333 are:0.00035630102914054333 the:0.00021509468871930168 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -sell:0.0006549862891576861 notary:0.00016902871978262865 consult:0.00014790012980980005 sale:0.00012677153983697148 alleys:0.0001056429498641429 :0.1 -weak:0.002861388409641678 garden:0.0025434563641259364 of:0.0015896602275787101 secluded:0.0015896602275787101 spot:0.0015896602275787101 :0.1 -the:0.5 a:0.3 :0.2 -and:0.023881347410759177 was:0.023881347410759177 of:0.016339869281045753 been:0.014328808446455506 are:0.00628456510809452 :0.1 -in:0.001251415557143391 incorporated:0.0002150870488840203 for:0.00017598031272328933 between:0.00011732020848219288 county:0.00011732020848219288 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Epilepsy:0.00015245306999161508 the:0.00012704422499301257 bill:0.00011433980249371131 virtue:8.89309574951088e-05 hair:8.89309574951088e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0001638141921718658 the:0.0001638141921718658 it:4.310899793996468e-05 that:3.4487198351971746e-05 a:3.4487198351971746e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -final:0.005701892009342543 Final:0.0029172470745473474 detailed:0.0022542363757865865 partial:0.0015912256770258257 accurate:0.0009282149782650651 :0.1 -Co:0.0032276608201077125 of:0.0012103728075403921 miners:0.0012103728075403921 and:0.0001736483640496229 to:9.258596984796826e-05 :0.1 -the:0.5 a:0.3 entitled:0.0001334137631870068 few:0.00011364876123337616 called:0.00011364876123337616 word:7.411875732611488e-05 great:7.291054047623338e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Ohio:0.006116267266655676 Mississippi:0.004448194375749582 Missouri:0.004448194375749582 the:0.002224097187874791 Potomac:0.002224097187874791 :0.1 -the:0.5 a:0.3 :0.2 -to:0.01591609212263459 for:0.008120455164609486 the:0.0038978184790125527 last:0.0032481820658437945 In:0.0032481820658437945 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fact:0.0017058636218896422 stated:0.0005117590865668926 and:0.0002843106036482737 the:0.0002843106036482737 saying:0.0002843106036482737 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0015464647397420506 felt:0.0004510522157580981 the:0.0003221801541129272 America:0.0002577441232903418 seriously:0.00019330809246775632 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 Nor:0.00013645690301979755 Y:0.00013645690301979755 C:0.00013645690301979755 the:0.00011696305973125504 Horatio:9.746921644271253e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002899689779810596 careful:0.002899689779810596 searching:0.0017398138678863574 a:0.0005611947402212333 this:0.00029774307444375617 :0.1 -fact:0.00448259679147086 stated:0.0013447790374412581 the:0.0007470994652451434 the:0.0007470994652451434 saying:0.0007470994652451434 :0.1 -to:0.09068825910931175 down:0.060458839406207825 in:0.022672064777327937 and:0.022672064777327937 of:0.022672064777327937 :0.1 -a:0.04386316117265003 all:0.006806352595756039 of:0.0052938297966991415 our:0.0052938297966991415 no:0.0052938297966991415 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -at:0.007925174925032129 extra:0.002784520919605883 additional:0.0019277452520348422 OUR:0.0012851635013565617 of:0.0010709695844638013 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:5.24281025739494e-05 experience:5.24281025739494e-05 advantage:4.194248205915952e-05 first:3.469437887042854e-05 most:3.193475845791235e-05 :0.1 -chancery:0.0001631149051157649 the:0.0001087432700771766 equity:0.0001087432700771766 prime:0.0001087432700771766 to:9.515036131752953e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -j:0.0004331627755248062 the:0.0002165813877624031 p:0.0002165813877624031 yo:0.00014438759184160207 be:0.00010829069388120156 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -sudden:0.0004026552041805328 is:0.00033554600348377733 upward:0.00033554600348377733 sharp:0.00033554600348377733 at:0.00026843680278702185 :0.1 -witb:3.64941694919455e-05 beneath:3.64941694919455e-05 drew:3.64941694919455e-05 retain:2.91953355935564e-05 bow:2.91953355935564e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.010427795584045583 week:0.010427795584045583 from:0.002414975071225071 home:0.0007790242165242165 with:0.0007790242165242165 :0.1 -the:0.5 a:0.3 :0.2 -civil:0.00726912040869454 late:0.002300354559713462 Mexican:0.001748269465382231 Civil:0.0008281276414968463 the:0.0006440992767197694 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.011206328279499012 Mr:0.011206328279499012 if:0.004614370468029005 had:0.003955174686882004 we:0.0032959789057350032 :0.1 -the:0.5 a:0.3 :0.2 -conveyed:0.0030527979408578594 convey:0.0025439982840482164 be:0.0020351986272385734 sick:0.0020351986272385734 granted:0.0020351986272385734 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -At:0.00035216541198244814 satisfy:0.00033685387233103734 being:0.00030623079302821574 exactly:0.00018373847581692947 much:0.00016842693616551867 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -everybody:0.0006373124133597742 God:0.0005948249191357893 nobody:0.0005523374249118043 Everybody:0.0003398999537918796 Who:0.0003398999537918796 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -elbows:0.00025421536715381524 immediately:0.00021184613929484605 appetite:0.0001482922975063922 flesh:0.00012710768357690762 at:0.00010592306964742302 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0020051090037442702 search:0.0020051090037442702 side:0.001146901354235924 line:0.0006718689855478182 operation:0.0006683696679147566 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Sun:0.0040332588731695216 of:0.002419955323901713 honestly:0.002419955323901713 Times:0.002419955323901713 Association:0.002419955323901713 :0.1 -the:0.5 a:0.3 :0.2 -few:0.00012127955312686647 and:0.00012127955312686647 that:0.00011261672790351887 who:7.796542701012845e-05 great:7.780601980375151e-05 :0.1 -the:0.5 a:0.3 :0.2 -virtue:0.01838235294117647 the:0.01838235294117647 a:0.01838235294117647 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 Ginger:0.0002853988684405304 reading:0.0002853988684405304 Wiggins:0.0002853988684405304 the:0.0002853988684405304 laud:0.0002853988684405304 :0.1 -the:0.5 a:0.3 :0.2 -the:0.015833432035944252 bride:0.015833432035944252 a:0.0019364776424413842 this:0.001019748773459926 his:0.0008954046666836534 :0.1 -the:0.5 a:0.3 :0.2 -can:0.0005127565585412812 jury:0.0004661423259466193 it:0.0004661423259466193 may:0.0003962209770546264 afterward:0.00023307116297330966 :0.1 -national:0.003966551342859105 National:0.002974913507144329 river:0.00264436756190607 savings:0.0016527297261912939 reserve:0.0005288735123812141 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Wm:0.0006929781820150506 Simpson:0.00021655568187970334 where:0.00015158897731579234 New:0.00015158897731579234 Thos:0.00015158897731579234 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.039312039312039304 of:0.01872001872001872 her:0.016848016848016848 brown:0.014976014976014975 black:0.014976014976014975 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -premature:0.005127007869238217 of:0.0011831556621318962 sharp:0.0011831556621318962 to:0.0008982486130566569 fractional:0.0005915778310659481 :0.1 -to:0.021300448430493273 a:0.016816143497757848 I:0.005605381165919282 of:0.004857997010463378 do:0.004857997010463378 :0.1 -hereby:0.015134387947863648 is:0.00032900843364920974 ishereby:0.00015353726903629786 flagging:0.0001096694778830699 herebv:0.0001096694778830699 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0015110703547226718 in:0.0015110703547226718 of:0.00042645884920576485 that:0.00022020485799271374 other:0.0001255578010169635 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -alas:0.0032819773219989554 Oh:0.0022973841253992686 Ah:0.0016409886609994777 God:0.0014768897948995298 oh:0.0011486920626996343 :0.1 -sell:0.00032233106899408575 notary:8.318221135331246e-05 consult:7.278443493414839e-05 sale:6.238665851498434e-05 alleys:5.198888209582028e-05 :0.1 -the:0.5 a:0.3 :0.2 -set:0.0034328639508898525 opened:0.0014808432729328774 caught:0.0010769769257693654 setting:0.0008750437521876094 camp:0.00047117740502409736 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.003817921505351908 Jimmy:0.003817921505351908 Mr:0.0016362520737222463 loan:0.0016362520737222463 in:0.0011931004704224713 :0.1 -the:0.5 a:0.3 :0.2 -injuries:0.0003592257867617572 wounds:0.0003592257867617572 the:0.0002309308629182725 he:0.0002309308629182725 dispatches:0.00020527187814957555 :0.1 -the:0.5 a:0.3 :0.2 -old:0.00277606248713532 physical:0.00277606248713532 hour:0.00225605858710607 act:0.0015491782855038077 order:0.0014191773104964955 :0.1 -the:0.5 a:0.3 :0.2 -this:0.00594422499017378 York:0.0005119843422193475 in:0.00026033102146746483 of:0.00025165332075188264 Baltimore:0.00012148781001815026 :0.1 -the:0.5 a:0.3 :0.2 -resolution:0.0015475060568808576 platform:0.0013031629952680907 resolutions:0.0010588199336553235 unanimously:0.000977372246451068 plan:0.000977372246451068 :0.1 -the:0.5 a:0.3 :0.2 -in:0.005961198020159687 In:0.001987066006719896 the:0.0018064236424726325 to:0.0018064236424726325 and:0.0016257812782253694 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.06335851648351648 the:0.017599587912087912 but:0.01407967032967033 a:0.01407967032967033 strict:0.010817307692307692 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.006364922206506364 things:0.006364922206506364 Davis:0.004508486562942009 street:0.0039780763790664775 county:0.003182461103253182 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -an:0.02079863003035728 rapid:0.001120884253133027 corresponding:0.0006227134739627928 steady:0.0006227134739627928 greatly:0.0006227134739627928 :0.1 -the:0.5 a:0.3 :0.2 -corporate:0.019150543792281677 within:0.008079135662368831 cor:0.002693045220789611 the:0.0023938179740352096 incorporated:0.0020945907272808084 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -second:0.000832374649713228 same:0.00022701126810360765 running:0.00022701126810360765 first:0.0001502250616896528 most:0.00013827603247490525 :0.1 -iu:0.0031591868407717365 ol:0.002871988037065215 nt:0.0014359940185326074 nnd:0.0014359940185326074 during:0.0014359940185326074 :0.1 -First:0.014804216565755096 nd:0.004775553730888741 the:0.004297998357799868 nd:0.004297998357799868 d:0.004297998357799868 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005230200446185292 further:0.005230200446185292 condemnation:0.0027527370769396273 legal:0.0024774633692456645 com:0.0022021896615517017 :0.1 -the:0.5 a:0.3 :0.2 -degrees:0.001611016969378744 var:0.001432015083892217 May:0.001432015083892217 west:0.0010740113129191627 Aug:0.0010740113129191627 :0.1 -a:0.03651637960148599 their:0.0033772374197906115 like:0.0023218507261060454 these:0.001899696048632219 other:0.001899696048632219 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Mutual:0.01310273815082479 Equitable:0.00907112641210947 cents:0.0050395146733941505 York:0.00302370880403649 Postal:0.00302370880403649 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -D:0.002271012102747575 Smoot:0.00022127810231899452 Cos:0.00016304702276136437 Extra:0.00012810837502678628 Washington:9.316972729220822e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -each:0.05281124497991968 or:0.008835341365461848 any:0.007630522088353415 no:0.0032128514056224897 tho:0.0030120481927710845 :0.1 -chains:0.00024147544245630578 greeting:0.00015092215153519114 awarded:0.00015092215153519114 that:9.055329092111467e-05 genteel:9.055329092111467e-05 :0.1 -and:0.00013819974303841442 but:8.942336314250344e-05 If:4.8776379895910975e-05 nIt:4.8776379895910975e-05 for:4.064698324659247e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -too:0.006708116479503783 Of:0.0011120406998107876 deceased:0.0005022119289468073 dee:0.0003587228063905766 else:0.000322850525751519 :0.1 -the:0.5 a:0.3 :0.2 -out:0.0037359900373599 remains:0.0037359900373599 from:0.0037359900373599 the:0.003647037893613236 off:0.0029354207436399216 :0.1 -been:0.001918101617349163 familiarly:0.001918101617349163 a:0.0005003232111460958 the:0.0003800927802655123 to:0.00032100643159314727 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -at:0.0033977535887744314 the:0.0007550563530609848 fined:0.0007550563530609848 it:0.0004078987309545259 a:0.0002991155360150406 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.037993920972644375 any:0.00911854103343465 with:0.007598784194528875 by:0.004559270516717325 make:0.004559270516717325 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0062242191672233155 whose:0.0062242191672233155 firm:0.0019480380599706563 a:0.0015892103022487247 maiden:0.0009502624682783689 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -commonly:0.0007159303015064975 hope:0.00037988138447283545 recommendation:0.00021916233719586662 what:0.00020455151471614216 and:0.00016071904727696883 :0.1 -the:0.5 a:0.3 :0.2 -of:0.041432376442734536 from:0.017756732761171946 as:0.017756732761171946 chronic:0.014797277300976621 every:0.011837821840781297 :0.1 -the:0.5 a:0.3 :0.2 -debtors:0.001762647680302949 Columbia:0.0007973882363275246 resolutions:0.0004616458210317247 Jersey:0.00041967801911974977 bill:0.0002518068114718498 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0012402456329199882 bright:0.0012402456329199882 a:0.00032964580768907593 that:0.0002914338038589953 to:0.00023124541284964294 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.021049165852910254 cool:0.021049165852910254 a:0.0028238282843021712 his:0.0014301535100026564 which:0.0011673195425005332 :0.1 -the:0.5 a:0.3 :0.2 -h:0.0002795416182889948 b:7.247375288973939e-05 sa:6.212035961977662e-05 mi:6.212035961977662e-05 won:5.176696634981385e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -tbey:0.0001687116452805639 wbo:0.00012050831805754562 bave:6.427110296402435e-05 been:4.820332722301825e-05 ba:4.820332722301825e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -very:8.056523878497224e-05 at:7.108697539850492e-05 swelled:5.686958031880393e-05 riding:4.739131693233661e-05 sounds:4.739131693233661e-05 :0.1 -the:0.5 a:0.3 :0.2 -she:0.0014258555133079848 always:0.0004073872895165671 score:0.00028517110266159697 our:0.00020369364475828354 matters:0.00020369364475828354 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -necessary:0.005521566328111143 ordinary:0.0038226228425384833 costs:0.0033978869711453184 running:0.0027607831640555714 current:0.002548415228358989 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 Nor:0.00016352465718223657 Y:0.00016352465718223657 C:0.00016352465718223657 the:0.00014016399187048847 Horatio:0.00011680332655874039 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.06033123028391167 to:0.010449526813880125 at:0.007294952681388012 the:0.005717665615141956 drove:0.0029574132492113563 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0002368649026377169 and:0.00014517526290698778 matrimony:6.876722979804684e-05 Ac:5.348562317625866e-05 and:5.348562317625866e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -It:0.0009810057586555126 lt:6.628417288212922e-05 is:5.744628316451199e-05 aad:5.744628316451199e-05 thia:4.418944858808615e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.023205902079141513 disbursements:0.003040465012295998 disburse:0.0006706908115358818 not:0.0005812653699977644 dis:0.0005365526492287056 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Falls:0.00023289468311009473 effects:0.00023289468311009473 a:0.00013973680986605684 the:0.00013973680986605684 davs:0.00013973680986605684 :0.1 -same:0.000572807502075382 ancient:0.000572807502075382 first:0.00037905626030993784 most:0.00034890580287272603 United:0.0003440940150983662 :0.1 -certain:0.018883100097367867 acre:0.006236620215644433 de:0.003638028459125919 described:0.003291549558256784 lot:0.0013859156034765406 :0.1 -sell:0.0008381175580825962 notary:0.00021628840208583126 consult:0.00018925235182510236 sale:0.00016221630156437346 alleys:0.00013518025130364452 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -assistant:0.00208457196253222 the:0.0012739050882141347 private:0.0012739050882141347 be:0.0005494399322091909 president:0.00034742866042203677 :0.1 -the:0.5 a:0.3 :0.2 -twisted:0.00022622597564709088 clustered:0.00013573558538825453 hover:0.00013573558538825453 circled:0.00011311298782354544 cluster:0.00011311298782354544 :0.1 -is:0.001713714703134585 considered:0.001713714703134585 spirits:0.0012240819308104178 was:0.0009366977574600202 depend:0.0007344491584862507 :0.1 -the:0.5 a:0.3 :0.2 -steam:0.005885002983087718 market:0.0035512949035874167 just:0.0024351736481742284 estate:0.001116121255413188 administration:0.0008117245493914095 :0.1 -little:0.00012083951717302394 purely:7.768254675408682e-05 could:5.178836450272455e-05 no:4.315697041893712e-05 are:4.315697041893712e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Young:0.002495269281916615 same:0.0004829553448870868 Business:0.0004829553448870868 the:0.00032197022992472453 first:0.00031959645477112403 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0006782829592091779 spirits:0.0006782829592091779 and:0.00026202163629724404 in:0.00024715516047896073 is:0.00019883911406953984 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -been:0.004889341809143191 What:0.004889341809143191 a:0.0017581279935679841 not:0.0010932653850171188 to:0.0010366075279406102 :0.1 -the:0.5 a:0.3 :0.2 -score:0.0002016834521744876 our:0.00014405960869606259 have:8.643576521763755e-05 thermometer:8.643576521763755e-05 as:8.643576521763755e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -enough:0.0003525940250733529 will:0.0003525940250733529 that:0.0002938283542277941 Please:0.0002350626833822353 the:0.00017629701253667646 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.0022939068100358423 have:0.002117452440033085 be:0.001940998070030328 they:0.0014116349600220568 had:0.0014116349600220568 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.022016516766356943 district:0.022016516766356943 by:0.004886720905181851 for:0.004098540114023488 in:0.002206906215243416 :0.1 -same:0.002052560215770119 upper:0.002052560215770119 first:0.0013582849327772773 most:0.0012502457936272684 United:0.001233003554102479 :0.1 -the:0.22035885167464114 of:0.025287081339712917 of:0.021674641148325357 tbe:0.014449760765550239 an:0.014449760765550239 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -very:0.00018398497452215556 at:0.00016233968340190197 swelled:0.00012987174672152157 riding:0.00010822645560126798 sounds:0.00010822645560126798 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.012668766463481257 White:0.012668766463481257 be:0.005464085394797609 the:0.0027147356707459837 a:0.001989481734889405 :0.1 -the:0.027325876970005086 large:0.020971021860701575 a:0.014616166751398069 small:0.010803253685815964 a:0.005719369598373158 :0.1 -few:0.0008982266903458547 house:0.0008982266903458547 great:0.0005762508341715347 good:0.0005449127323590854 man:0.0005365823508646369 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Hood:0.01779864831695896 Fall:0.006472235751621439 Snake:0.002588894300648576 the:0.001941670725486432 Bear:0.001941670725486432 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.0005936644562698937 cei:0.0005936644562698937 great:0.0003808611365264532 good:0.0003601488626951614 man:0.0003546430683855776 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -To:0.002963702776640831 order:0.0011854811106563324 as:0.0010669329995906993 effectually:0.0008298367774594327 be:0.0005927405553281662 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -prominent:0.0006635257361300655 honorary:0.00042934018220180714 was:0.00042934018220180714 Each:0.00042934018220180714 senior:0.00035127833089238766 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -understand:0.0004867644460827121 claimed:0.0002725880898063188 attempting:0.00023364693411970182 witnessed:0.00017523520058977635 composing:0.0001362940449031594 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.002400652383448469 an:0.002400652383448469 great:0.0015401211669466258 good:0.0014563651512131813 man:0.0014341008938663165 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.025984867261511342 legal:0.025984867261511342 or:0.009284120951751487 to:0.0058675506719541755 and:0.0049088455606961885 :0.1 -the:0.5 a:0.3 :0.2 -own:0.0010786535530414678 exalted:0.0010786535530414678 way:0.0002796069474312225 respective:0.00017393807982451844 lives:0.00013950665105379469 :0.1 -earliest:0.000651212752413405 the:0.0004736092744824763 lowest:0.0004736092744824763 far:0.0003256063762067025 smallest:0.0002960057965515477 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -American:0.002726337105236351 colored:0.0008701075867775589 well:0.0005800717245183726 the:0.000464057379614698 the:0.000464057379614698 :0.1 -her:0.0021321881013318614 woman:0.00030243802855771086 herself:0.0002419504228461687 husband:0.0001360971128509699 despondent:9.073140856731325e-05 :0.1 -of:0.04938271604938271 illustrious:0.04938271604938271 :0.1 -the:0.5 a:0.3 :0.2 -be:0.004167690085770708 measures:0.004167690085770708 admirably:0.002083845042885354 eminently:0.002083845042885354 and:0.002083845042885354 :0.1 -the:0.5 a:0.3 :0.2 -y:0.0050770632758759164 and:0.0030462379655255504 roasting:0.0015231189827627752 Running:0.0015231189827627752 dollars:0.0004789495238765758 :0.1 -I:0.00011620501598588462 relying:9.68375133215705e-05 I:9.68375133215705e-05 chose:7.747001065725641e-05 he:7.747001065725641e-05 :0.1 -the:0.5 a:0.3 :0.2 -specially:0.002998575161086364 is:0.0018741094756789776 originally:0.0018741094756789776 was:0.001009516168195359 will:0.0003850391991618941 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.003287165636624023 in:0.003287165636624023 and:0.0024653742274680173 of:0.002234695937178612 in:0.0007352870502974789 :0.1 -few:0.00022588018932076504 original:0.00022588018932076504 great:0.0001449118011276158 good:0.00013703109968951461 man:0.0001349362296869814 :0.1 -the:0.5 a:0.3 :0.2 -roll:0.0002592815094869305 particulars:0.0001869238789324383 moment:4.8238420369661485e-05 own:3.6178815277246116e-05 simply:3.6178815277246116e-05 :0.1 -gold:0.003990492998134185 have:0.0020539302196278895 high:0.0020539302196278895 was:0.0016475801293143848 am:0.0014429403824932686 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 stake:9.988910402834889e-05 be:7.991128322267912e-05 bacillus:7.991128322267912e-05 ten:7.991128322267912e-05 bottles:7.991128322267912e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Supreme:0.016682912714819302 County:0.011121941809879535 District:0.01005252432816035 Circuit:0.008127572861065815 Superior:0.005774854401283605 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -rarely:0.0003083868438657117 Club:0.0003083868438657117 the:0.0002569890365547597 Donovan:0.0002569890365547597 Council:0.0002569890365547597 :0.1 -the:0.5 a:0.3 :0.2 -same:0.004887048132785997 New:0.004887048132785997 first:0.003234011744707803 most:0.0029767756991125435 United:0.0029357227478630453 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.0026080476900149033 was:0.0022524048231946894 and:0.00201530957864788 the:0.001185476222734047 than:0.001185476222734047 :0.1 -the:0.5 a:0.3 :0.2 -raw:0.006124199409834274 his:0.0013866111871322884 the:0.0010399583903492162 waste:0.0008088565258271682 the:0.00046220372904409615 :0.1 -w:0.004580921937669935 bullet:0.0014619963630861494 the:0.0005847985452344597 button:0.00048733212102871644 a:0.00029239927261722983 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -rigidly:0.01738664535369906 the:0.013039984015274293 strictly:0.013039984015274293 a:0.0025353551051217724 least:0.001149568190395844 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.0047259986335972115 to:0.0031506657557314743 as:0.0023629993167986058 unsecured:0.0023629993167986058 as:0.0023629993167986058 :0.1 -the:0.5 a:0.3 :0.2 -complaint:0.00943886741779117 Ne:0.001410405476221669 was:0.0011934200183414123 affidavit:0.0011934200183414123 com:0.0009764345604611555 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -supreme:0.0016728002676480425 tenth:0.0008364001338240213 committee:0.000627300100368016 Sixth:0.000627300100368016 and:0.00025988147015246384 :0.1 -the:0.5 a:0.3 :0.2 -the:0.008738418057429467 bank:0.008738418057429467 from:0.003745036310326915 mineral:0.0024966908735512766 charge:0.0018725181551634575 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -i:0.001079642503600643 i:9.814931850914938e-05 di:6.870452295640455e-05 wit:6.870452295640455e-05 tl:5.888959110548962e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -are:0.001113149202396826 opinion:0.001113149202396826 views:0.0008348619017976195 were:0.0007650557450261468 have:0.0006259367612130353 :0.1 -the:0.5 a:0.3 :0.2 -Assistant:0.0017161005314572668 Acting:0.0003813556736571704 Private:0.0003336862144500241 Governor:0.00023834729603573152 rebel:0.00023834729603573152 :0.1 -the:0.5 a:0.3 :0.2 -the:0.005525416955624701 Skin:0.005525416955624701 a:0.0010743030106448188 least:0.00048710516542196784 this:0.0003875769180259767 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -oppose:0.0003283747825706081 preceded:0.0002525959865927755 rests:0.0002020767892742204 gate:0.00017681719061494284 not:0.00017681719061494284 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Of:0.012221257792156553 The:0.0002525053262842263 and:0.0002525053262842263 d:0.0002525053262842263 Of:0.00020200426102738106 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -when:0.0014283969628480179 time:0.00042011675377882874 water:0.00042011675377882874 abundantly:0.0002520700522672973 Northern:0.0002520700522672973 :0.1 -highest:0.005489742782202077 the:0.005312654305356849 greater:0.005312654305356849 certain:0.005312654305356849 slightest:0.0031875925832141093 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -At:0.0003192196525441266 satisfy:0.0003053405372161211 being:0.0002775823065601101 exactly:0.00016654938393606607 much:0.00015267026860806056 :0.1 -fellow:0.016160996094790284 respectable:0.004134208303318445 the:0.00150334847393398 loyal:0.00150334847393398 Ameri:0.0011275113554504851 :0.1 -p:0.007159784612016762 a:0.005732748503779744 p:0.0006397058416234907 o:0.0004182692041384363 is:0.00027064477914839994 :0.1 -same:0.001714588453334075 For:0.001714588453334075 first:0.0011346315904324244 most:0.0010443820284115333 United:0.0010299788725032755 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -his:0.06264116849872008 of:0.06264116849872008 to:0.03372985996084927 the:0.03372985996084927 their:0.019274205691913866 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0008157901608937887 grew:0.0008157901608937887 countenance:0.000652632128715031 rich:0.000652632128715031 eyes:0.000652632128715031 :0.1 -the:0.5 a:0.3 :0.2 -dear:0.0006267543208120242 quaint:8.644887183614127e-05 six:8.644887183614127e-05 two:5.403054489758829e-05 three:5.403054489758829e-05 :0.1 -made:0.0006070790698492859 vainly:0.0002529496124372025 who:0.0002529496124372025 to:0.00020235968994976197 I:0.00020235968994976197 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0031009615384615385 of:0.003028846153846154 evil:0.001298076923076923 and:0.0010096153846153848 high:0.0008653846153846154 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -great:0.003015797032072762 formation:0.0011488750598372427 to:0.000861656294877932 universal:0.000861656294877932 full:0.000861656294877932 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002773067543719333 back:0.002773067543719333 a:0.0008281895495398471 Here:0.0004091411130077705 again:0.00036368098934024044 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -badly:0.0004205486542443064 throat:0.00024738156132018025 deep:0.00024738156132018025 clean:0.0002226434051881622 quiet:0.00019790524905614418 :0.1 -the:0.5 a:0.3 :0.2 -liberal:0.00014528718817750604 ample:0.00013802282876863072 abundant:9.443667231537894e-05 intend:7.264359408875302e-05 plentiful:6.537923467987773e-05 :0.1 -may:0.004417038173264863 he:0.00028044686814380083 they:0.00017527929258987553 wife:0.00010516757555392531 profits:0.00010516757555392531 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.004911805798113867 is:0.004256898358365351 was:0.003929444638491093 been:0.003601990918616835 hard:0.0032745371987425776 :0.1 -the:0.5 a:0.3 :0.2 -just:0.004732619271814188 jury:0.0010921429088801972 recently:0.0010921429088801972 has:0.0005096666908107586 lately:0.00043685716355207886 :0.1 -the:0.5 a:0.3 :0.2 -plot:6.162631854644056e-05 vessel:6.162631854644056e-05 education:6.162631854644056e-05 and:4.621973890983043e-05 tablo:4.621973890983043e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ball:0.0031638170748652214 baseball:0.0007030704610811602 poker:0.0004687136407207735 football:0.0004687136407207735 the:0.0003515352305405801 :0.1 -the:0.5 a:0.3 :0.2 -an:0.0035499597671226394 careful:0.0006626591565295594 thorough:0.0003786623751597482 An:0.0003313295782647797 The:0.00028399678136981115 :0.1 -the:0.5 a:0.3 :0.2 -worst:0.00034832240832693284 a:0.0002322149388846219 of:0.0002322149388846219 of:0.0002322149388846219 by:0.0002045703033031193 :0.1 -the:0.5 a:0.3 :0.2 -set:0.018742736869911812 laid:0.004064689923595333 lay:0.0031614254961297036 setting:0.002258161068664074 cast:0.0013548966411984443 :0.1 -the:0.5 a:0.3 :0.2 -color:0.00019927769085146787 same:7.971107634058714e-05 latest:7.971107634058714e-05 first:5.274892942824377e-05 most:4.8553234703971584e-05 :0.1 -the:0.5 a:0.3 :0.2 -pine:0.0019947804337407146 the:0.0011082113520781746 cutting:0.0011082113520781746 promiscuous:0.0008865690816625397 oak:0.0006649268112469048 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -can:0.0003123302234961314 jury:0.00028393656681466496 it:0.00028393656681466496 may:0.0002413460817924652 afterward:0.00014196828340733248 :0.1 -the:0.5 a:0.3 :0.2 -at:0.003554057769993367 the:0.0027750862039674236 feet:0.0027750862039674236 river:0.0006329143973960791 a:0.0005395580980881909 :0.1 -shook:0.001719219569207831 shake:0.0014820858355239922 changed:0.0013042355352611132 into:0.0010078183681563146 shaking:0.0008892515013143954 :0.1 -at:0.0021457196143105017 feet:0.0016754249043246382 the:0.0009993762587199597 iu:0.0009993762587199597 be:0.00043103464215873353 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -A:0.00010352134975601437 amidst:0.00010352134975601437 like:7.764101231701078e-05 relief:5.176067487800718e-05 of:5.176067487800718e-05 :0.1 -to:0.010437881873727087 sold:0.010437881873727087 and:0.005626272912423625 from:0.004480651731160896 is:0.00435336048879837 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -then:0.0015380535666931847 in:0.0011535401750198885 Dame:0.0011535401750198885 if:0.0010010607265977193 as:0.0006762132060461417 :0.1 -honorable:0.0013388281954782636 of:0.0013388281954782636 the:0.0008032969172869581 compact:0.0008032969172869581 governing:0.0008032969172869581 :0.1 -continue:0.0018975057047033246 spread:0.0012198250958807089 infection:0.0010842889741161856 prevailed:0.0010842889741161856 scattered:0.0009487528523516623 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -West:0.011666509496125715 of:0.0012242633421860316 the:0.0005041084350177777 the:0.00043209294430095234 Northern:0.00043209294430095234 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.0002085742482537765 front:0.0002085742482537765 first:0.00013802433497043926 most:0.00012704576193902958 United:0.00012529366369632582 :0.1 -various:0.00030707593779238 varied:0.00012929513170205473 worst:8.08094573137842e-05 different:7.272851158240579e-05 blank:5.656662011964894e-05 :0.1 -the:0.5 a:0.3 :0.2 -by:0.001503059215631816 Rev:0.00021783466893214722 when:0.0001960512020389325 By:0.00017426773514571777 Rev:0.00013070080135928834 :0.1 -b:0.002875592573314536 b:0.0005325171432063956 the:0.0004260137145651165 bi:0.0004260137145651165 et:0.0004260137145651165 :0.1 -the:0.5 a:0.3 :0.2 -or:0.0011840867140247243 the:0.0010360758747716338 integral:0.0004687009909681201 strangest:0.0002220162588796358 the:0.00019734778567078741 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -annual:0.004798822671489193 minority:0.0018958311788599281 detailed:0.0013033839354662006 the:0.001007160313769337 conference:0.001007160313769337 :0.1 -particularly:0.0005270368077452752 a:0.0002635184038726376 who:0.0002635184038726376 extremely:0.0002635184038726376 naturally:0.0002635184038726376 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -federal:0.001080613788631943 the:0.000255417804585732 the:0.000255417804585732 provisional:0.0002161227577263886 form:0.0002161227577263886 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -records:0.00016574280399992634 statistics:0.00013811900333327194 figures:0.00011970313622216903 facts:0.00011049520266661757 returns:8.287140199996317e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00025753549079336285 Alexandria:0.00025753549079336285 in:0.00022170446598732973 be:0.0001931516180950221 that:0.00018288752244746055 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Not:0.0023533823598967 that:9.051470614987305e-05 today:8.045751657766494e-05 essential:8.045751657766494e-05 rider:8.045751657766494e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -declare:0.00043592874548633887 over:0.0002682638433762085 until:0.00023473086295418245 throughout:0.00020119788253215642 up:0.00020119788253215642 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -first:0.00040245900569416457 first:0.0002476670804271782 stole:0.0002167086953737809 thence:0.00018575031032038364 gentle:0.00015479192526698636 :0.1 -still:0.004930519955945873 therefore:0.0016435066519819574 husbandry:0.0013617626544993363 step:0.0006574026607927831 without:0.00032870133039639154 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -at:0.0007984886032706094 auction:7.656740031362008e-05 and:5.469100022401433e-05 solid:5.469100022401433e-05 Somme:4.375280017921147e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.007038742481189236 loan:0.007038742481189236 a:0.0021021532555260056 his:0.0004397725857382538 their:0.00039178407367518737 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:7.441305918199827e-05 popula:7.441305918199827e-05 sec:7.441305918199827e-05 first:4.924295828799797e-05 most:4.53261314910188e-05 :0.1 -the:0.5 a:0.3 :0.2 -rest:0.014504484795449574 are:0.010238459855611464 feel:0.008247648217020346 being:0.003981623277182236 an:0.003981623277182236 :0.1 -the:0.00590427989359555 solid:0.00590427989359555 bluff:0.004217342781139679 a:0.0030755361309916076 his:0.0006948730892997574 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -alas:0.005537098560354375 Oh:0.003875968992248062 Ah:0.0027685492801771874 God:0.0024916943521594683 oh:0.001937984496124031 :0.1 -the:0.5 a:0.3 :0.2 -and:0.00997920997920998 as:0.0031185031185031187 she:0.002494802494802495 diminish:0.0018711018711018712 to:0.0018711018711018712 :0.1 -the:0.5 a:0.3 :0.2 -this:0.01728745996162946 your:0.01111336711819037 white:0.007408911412126912 of:0.005556683559095185 our:0.005556683559095185 :0.1 -to:9.011005441312322e-05 connected:9.011005441312322e-05 n:7.509171201093601e-05 f:7.509171201093601e-05 acquainted:7.509171201093601e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -devise:0.00024212143814953064 of:8.070714604984354e-05 lungs:6.725595504153628e-05 inserted:6.725595504153628e-05 health:6.725595504153628e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -advertising:0.0034216109283558786 the:0.0029328093671621815 news:0.0029328093671621815 in:0.001955206244774788 through:0.001955206244774788 :0.1 -contracting:0.0025548814612487854 the:0.002189898395356102 guilty:0.002189898395356102 supper:0.001094949197678051 he:0.0007598043430020699 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.0024690013062556764 years:0.0024690013062556764 of:0.0023160635927582944 and:0.0013261585293677075 the:0.0012255967451502508 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -for:0.006281806615776081 the:0.006281806615776081 acres:0.006281806615776081 to:0.00357824427480916 on:0.0031806615776081423 :0.1 -Kansas:0.032650383636648184 York:0.0181391020203601 Jersey:0.011609025293030463 Lake:0.010157897131401656 Carson:0.006530076727329636 :0.1 -the:0.5 a:0.3 :0.2 -patient:0.0019506509426694845 greed:0.0011146576815254197 when:0.0009753254713347423 Rheumatism:0.0008359932611440649 when:0.0006966610509533875 :0.1 -the:0.5 a:0.3 :0.2 -to:0.023148106993324025 length:0.023148106993324025 could:0.00868054012249651 the:0.002346812690567413 a:0.002097908314295112 :0.1 -the:0.5 a:0.3 :0.2 -heirs:0.00023470471100428973 Sons:0.00019558725917024144 lovo:0.00015646980733619316 friendship:0.00015646980733619316 wrong:0.00015646980733619316 :0.1 -the:0.0034426208783974056 pu:0.0034426208783974056 invigorating:0.0034426208783974056 a:0.0017932593114872697 his:0.00040516111162932565 :0.1 -the:0.5 a:0.3 :0.2 -st:0.01678343795810091 May:0.014385803964086492 August:0.011988169970072078 January:0.00959053597605766 the:0.007192901982043246 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -right:2.201601370852923e-05 noth:1.8870868893025056e-05 on:1.8870868893025056e-05 what:1.572572407752088e-05 dis:1.2580579262016702e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Institute:7.855304205104288e-05 services:6.73311789008939e-05 begun:5.610931575074492e-05 meeting:5.610931575074492e-05 Fair:5.610931575074492e-05 :0.1 -the:0.5 a:0.3 :0.2 -it:0.002588211412120765 seems:0.002588211412120765 the:0.0024359636819960137 I:0.0007612386506237544 there:0.0007104894072488374 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -young:0.0003962863782922507 happy:0.00017274021617867338 bridal:8.12895134958463e-05 married:6.096713512188472e-05 The:4.064475674792315e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -can:0.00022040436854816302 jury:0.0002003676077710573 it:0.0002003676077710573 may:0.0001703124666053987 afterward:0.00010018380388552865 :0.1 -bottle:0.00031471132388563583 suit:0.00031471132388563583 and:0.00020980754925709055 of:0.0001748396243809088 taxation:0.0001748396243809088 :0.1 -the:0.5 a:0.3 No:0.0017823799015447292 nAll:0.0015277542013240537 nAll:0.0012731285011033779 One:0.0007638771006620268 number:0.0006790018672551349 :0.1 -real:0.0034256915979473473 described:0.0002854742998289456 same:0.00011418971993157825 title:0.00011418971993157825 personal:0.00011418971993157825 :0.1 -The:0.002186588921282799 sufficient:0.002186588921282799 offer:0.001943634596695821 facie:0.0018221574344023323 conclusive:0.0018221574344023323 :0.1 -adjoining:0.0003056658890085851 mining:0.00028914340852163455 lode:0.00017348604511298072 conflicting:0.00012391860365212909 adverse:0.00010739612316517854 :0.1 -the:0.5 a:0.3 :0.2 -which:0.00027506354776963914 materials:0.00025672597791832983 language:0.00022005083821571131 acids:0.00018337569851309277 extensively:0.00018337569851309277 :0.1 -national:0.001065054883609471 political:0.0006656593022559193 working:0.0005990933720303274 foreign:0.0005325274418047355 entire:0.0005325274418047355 :0.1 -they:0.0036474527624970102 we:0.0012257833054293231 There:0.0010762975364745277 you:0.0010165032288926095 They:0.0006577373834011003 :0.1 -the:0.5 a:0.3 :0.2 -DROPS:4.305989344111704e-05 thought:3.349102823197992e-05 coughing:1.9137730418274238e-05 disappoint:1.9137730418274238e-05 which:1.9137730418274238e-05 :0.1 -the:0.5 a:0.3 :0.2 -hardly:0.00015193942536871085 scarcely:8.682252878212048e-05 all:7.596971268435542e-05 much:5.42640804888253e-05 those:5.42640804888253e-05 :0.1 -the:0.5 a:0.3 :0.2 -during:0.000496858388471324 better:0.00032149660430497433 within:0.00021920223020793704 and:0.00017536178416634963 For:0.0001461348201386247 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -I:0.00019882958835448062 the:0.00017042536144669767 me:0.00017042536144669767 didn:0.00017042536144669767 him:0.00014202113453891472 :0.1 -the:0.007704495939790057 officially:0.007704495939790057 he:0.0029906912259853435 should:0.00279263220439691 it:0.0024559318676965736 :0.1 -Among:0.0017870966838996025 acquainting:0.0004571642679743169 names:0.0001662415519906607 wrapped:0.00010390096999416293 married:0.00010390096999416293 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -purchasing:0.0009486103749260821 motive:0.0008097893444490946 veto:0.00041646309143096284 despotic:0.00016195786888981888 pur:0.00013882103047698762 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -schedule:0.00026261558590916163 Charles:0.00010504623436366465 a:6.565389647729041e-05 torm:6.565389647729041e-05 pal:5.2523117181832324e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -that:0.0008274949695395203 family:0.0008274949695395203 much:0.0006025948844572026 far:0.000510746376427401 as:0.00036481884030528644 :0.1 -the:0.5 a:0.3 :0.2 -day:0.012689908614845343 of:0.0037012233459965582 January:0.0037012233459965582 Jan:0.0015862385768556678 month:0.0015862385768556678 :0.1 -the:0.5 a:0.3 :0.2 -lord:0.00029608907717843024 assistant:0.00029608907717843024 Pierce:0.0002467408976486919 down:0.0001973927181189535 Taylor:0.0001973927181189535 :0.1 -the:0.054187921029689674 fair:0.011518989200922057 a:0.007091694431313398 his:0.0030789043724426483 tho:0.0025761448906866102 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.00013581084254211191 and:8.323890349355245e-05 matrimony:3.942895428641959e-05 Ac:3.066696444499301e-05 and:3.066696444499301e-05 :0.1 -the:0.5 a:0.3 :0.2 -census:9.02047020002986e-05 strength:5.011372333349922e-05 judiciously:5.011372333349922e-05 arrested:4.009097866679937e-05 body:4.009097866679937e-05 :0.1 -pin:9.350862626268817e-05 much:7.013146969701611e-05 aml:7.013146969701611e-05 many:1.7647761706195404e-05 late:1.7188184578429898e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:6.175338685219384e-05 stomach:4.803041199615077e-05 not:4.116892456812923e-05 teke:3.430743714010769e-05 of:3.430743714010769e-05 :0.1 -Brig:0.002434175401129626 Maj:0.001327732036979796 Fe:0.000663866018489898 Lieut:0.000663866018489898 MaJ:0.000553221682074915 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -This:0.0013441085540407656 When:0.00030802487696767546 important:0.00030802487696767546 of:0.0002800226154251595 pro:0.00025202035388264356 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -can:0.037753176423540126 cannot:0.018037628735691393 can:0.0031460980352950104 be:0.0020973986901966736 ill:0.0020973986901966736 :0.1 -the:0.5 a:0.3 :0.2 -have:0.0016308414712619312 your:0.000575591107504211 has:0.00052762518187886 the:0.00043169333062815824 inalienable:0.0003837274050028073 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0008587391015905195 coal:0.0008587391015905195 a:0.0006388543489341235 in:0.00043754094363046363 made:0.0003261128595140468 :0.1 -the:0.5 a:0.3 :0.2 -here:0.00042869881336168457 accumulated:0.00025721928801701073 sat:0.00022863936712623178 lay:0.00022863936712623178 stood:0.0001714795253446738 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.01928621522636952 of:0.007714486090547807 this:0.006428738408789839 a:0.003428660484687914 Montana:0.0030000779241019246 :0.1 -the:0.5 a:0.3 :0.2 -so:0.003210525134146068 and:0.002407893850609551 been:0.002407893850609551 the:0.0016417458072337848 now:0.001605262567073034 :0.1 -the:0.10725294049560667 a:0.013117365892899566 this:0.006907602487703028 his:0.006065316933012194 tho:0.005263686842346754 :0.1 -stood:0.0011988135108432268 worth:0.0008791299079516997 who:0.00047952540433729077 been:0.000399604503614409 suspicious:0.000399604503614409 :0.1 -thrown:0.0018433179723502304 wide:0.0013271889400921658 from:0.0005898617511520737 broken:0.0005898617511520737 burst:0.0005161290322580644 :0.1 -the:0.5 a:0.3 :0.2 -artesian:0.00026570671002260846 edi:0.0001719278711910996 might:0.00015629806471918146 tolerably:0.00015629806471918146 will:7.814903235959073e-05 :0.1 -the:0.5 a:0.3 :0.2 -alien:0.0026190639457952898 worst:0.0016666770564151845 dangerous:0.0009523868893801054 the:0.000714290167035079 armed:0.000714290167035079 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -black:0.0014516452032377891 iron:0.0013306747696346403 wheel:0.0008467930352220438 bay:0.0008467930352220438 valuable:0.0007258226016188946 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0038380736910148677 his:0.003070458952811894 a:0.0023028442146089205 true:0.0023028442146089205 it:0.0019392372333548805 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -witb:6.874250706672972e-05 beneath:6.874250706672972e-05 drew:6.874250706672972e-05 retain:5.4994005653383776e-05 bow:5.4994005653383776e-05 :0.1 -a:0.050488945578231297 of:0.010629251700680272 the:0.010629251700680272 for:0.009300595238095238 bitter:0.005314625850340136 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -don:0.002153125278531138 don:0.0005564256337777098 do:0.000338693864038606 and:0.00026611660745890474 I:0.00021773176973910387 :0.1 -purposes:0.001111160607091132 senate:0.0009259671725759433 who:0.000555580303545566 unanimously:0.000555580303545566 who:0.000555580303545566 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -at:0.0003780318029006418 Tuesday:0.00012908403025875572 during:0.00011064345450750489 within:0.00010142316663187949 until:7.376230300500328e-05 :0.1 -the:0.5 a:0.3 :0.2 -frequently:0.00016511401343762705 to:0.0001135158842383686 remedies:0.00010319625839851692 retains:9.287663255866522e-05 therefore:8.255700671881352e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -acre:0.00037793569342192083 the:0.00012597856447397362 exceptionally:0.00012597856447397362 peace:0.00010078285157917889 the:7.558713868438417e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -national:0.004432221503258749 the:0.003785855867366848 state:0.003785855867366848 annual:0.002770138439536718 be:0.0016328535071917054 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.004420659136013134 healthy:0.0038680767440114924 the:0.0016577471760049255 hasty:0.0016577471760049255 decisive:0.0016577471760049255 :0.1 -taxes:0.015972476914261603 hereby:0.010464726254171396 be:0.007160075858117269 tax:0.007160075858117269 this:0.003304650396054125 :0.1 -is:0.0011363259495669282 pretty:0.0011363259495669282 was:0.0006633393202408215 are:0.0004673773770272891 com:0.00032466455701912235 :0.1 -the:0.5 a:0.3 :0.2 -existing:0.0014075559967668676 revenue:0.0006032382843286576 violated:0.0005026985702738813 pension:0.00040215885621910506 the:0.0003016191421643288 :0.1 -nor:0.001843366513930584 How:0.0007038308507734957 Nor:0.000603283586377282 Why:0.0005362520767798063 that:0.000301641793188641 :0.1 -the:0.5 a:0.3 :0.2 -Mrs:0.004141324234782179 King:0.0006799189042179697 Lloyd:0.0005253918805320675 Sir:0.0005253918805320675 and:0.000494486475794887 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -follow:0.001016555329654371 ow:0.0008132442637234968 hav:0.00047439248717203987 carry:0.0004066221318617484 i:0.0004066221318617484 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Lake:0.0004090596571374996 Angeles:0.00038499732436470555 Bow:0.00019249866218235277 secretary:0.00019249866218235277 torpid:0.00016843632940955868 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -conclusively:0.00044763714876447255 clearly:0.0003282672424272799 plainly:0.00023873981267438538 lately:0.00014921238292149087 Poison:0.00011936990633719269 :0.1 -the:0.5 a:0.3 :0.2 -very:0.0008347974943919139 too:0.0003735834090925139 comparatively:0.000124527803030838 a:5.9957831088921995e-05 graves:3.228498597095799e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.0006997224625306177 the:0.000621975522249438 on:0.000621975522249438 In:0.0006025387871791431 right:0.0005053551118276684 :0.1 -the:0.5 a:0.3 :0.2 -recent:0.005510884059905214 weeks:0.0019288094209668248 for:0.0019288094209668248 hours:0.001653265217971564 brief:0.001653265217971564 :0.1 -the:0.0004118900021502154 con:0.0004118900021502154 a:0.00012301286930906406 his:2.573441659066505e-05 their:2.2926246183853617e-05 :0.1 -deaf:0.0004994001676054174 j:0.0001664667225351391 few:0.00011097781502342607 y:0.00011097781502342607 a:8.323336126756955e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -i:0.0020213457612554397 i:0.00018375870556867633 di:0.0001286310938980734 wit:0.0001286310938980734 tl:0.0001102552233412058 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.001706564033158518 Pullman:0.001706564033158518 royal:0.001706564033158518 p:0.0011482828624598206 a:0.0011070461850786668 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Assistant:0.0002502443901650537 Acting:5.560986448112305e-05 Private:4.8658631420982666e-05 Governor:3.475616530070191e-05 rebel:3.475616530070191e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.002256558026562756 buy:0.002256558026562756 bargain:0.0009026232106251025 trustees:0.0006769674079688269 a:0.0005997722334342908 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hundred:0.0054035798716649775 sixty:0.0014634695485759314 hundreds:0.0006754474839581222 countless:0.0006754474839581222 untold:0.0005628729032984351 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.05857373355217403 re:0.05857373355217403 a:0.011336133752468912 this:0.006014410103763875 his:0.004227056499846997 :0.1 -the:0.5 a:0.3 :0.2 -powdered:0.006167129201356768 divided:0.006167129201356768 and:0.006167129201356768 of:0.006167129201356768 chopped:0.004933703361085414 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0011570742864731559 federal:0.0011570742864731559 self:0.0009256594291785247 the:0.0006942445718838934 representa:0.0006942445718838934 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0008280699843914479 drugs:0.0008280699843914479 the:0.0004998959895235622 not:0.0004272108159726585 in:0.0002602007053166805 :0.1 -the:0.5 a:0.3 :0.2 -I:0.000268182793391976 like:0.00020113709504398198 The:0.0001743188157047844 you:0.0001743188157047844 want:0.00016090967603518558 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00013608134027205207 have:0.00013608134027205207 first:9.005203974213993e-05 most:8.288922388689071e-05 United:8.174609198469474e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -scarcely:0.0006861433390660689 not:0.0004366366703147712 not:0.0003742600031269467 may:0.00034307166953303445 been:0.0003118833359391222 :0.1 -the:0.5 a:0.3 :0.2 -I:0.015384615384615384 the:0.015384615384615384 Let:0.011538461538461539 an:0.00717948717948718 further:0.0041025641025641026 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0023099500555786943 knows:0.0023099500555786943 stockholder:0.0019799571904960235 of:0.0013199714603306825 they:0.0009899785952480118 :0.1 -deficient:0.07905982905982906 and:0.04517704517704517 the:0.04517704517704517 bad:0.03388278388278388 is:0.019536019536019536 :0.1 -the:0.011551166942664236 instantly:0.011551166942664236 a:0.0022458854277653496 bottle:0.0012834629936293595 least:0.0010183182788939564 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0017216070979178923 described:0.0017216070979178923 as:0.0005909109793800384 an:0.0003723294885748831 contractor:0.00036891580669669126 :0.1 -of:0.00717391304347826 lavish:0.00717391304347826 extravagant:0.00717391304347826 unproductive:0.005380434782608695 unprofitable:0.005380434782608695 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lawful:0.0006121224529614039 borrow:0.0005401080467306506 pur:0.00038407683323068493 the:0.00016803361453842462 sums:0.00012002401038458902 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hearty:0.0008111427051586211 moral:0.0007300284346427589 liberal:0.0006894712993848279 cordial:0.00044612848783724153 united:0.00044612848783724153 :0.1 -national:0.010524582926455127 savings:0.004823767174625267 the:0.003069670020216079 local:0.003069670020216079 reserve:0.002192621443011485 :0.1 -first:0.018438049909621952 the:0.0075069203203460815 took:0.0075069203203460815 in:0.001975505347459495 takes:0.001975505347459495 :0.1 -first:0.0003980198238128315 and:0.0003980198238128315 only:0.00026791916118149044 people:0.0002475220233960683 following:0.0002094841177962271 :0.1 -the:0.002603786161877792 Missouri:0.002603786161877792 Snake:0.0005579541775452411 the:0.00046496181462103427 the:0.00046496181462103427 :0.1 -the:0.5 a:0.3 :0.2 -ere:0.0008435860811000997 tasted:0.0003329945056974078 been:0.00013319780227896312 all:0.00011099816856580259 the:8.879853485264207e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.0006861487390273828 the:0.0006099099902465627 on:0.0006099099902465627 In:0.0005908503030513574 right:0.0004955518670753321 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -twenty:0.0019309158972166502 t:0.0009362016471353456 the:0.0007021512353515091 Ti:0.0007021512353515091 t:0.0007021512353515091 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -nominate:0.0004094934532523715 will:0.0002456960719514229 Re:0.0002456960719514229 are:0.00023658477827126327 have:0.00021650904643362342 :0.1 -swelled:0.00020583468485538655 immediately:0.0001852512163698479 thoughts:0.00012350081091323193 suddenly:0.00012350081091323193 Then:0.00010291734242769327 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.009452781868427313 of:0.009452781868427313 a:0.0011561044191511656 throughout:0.00030875920675767606 against:0.00028500849854554714 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -West:0.021318150770051333 of:0.0022370898956226705 the:0.0009211546629034527 the:0.0007895611396315309 Northern:0.0007895611396315309 :0.1 -the:0.5 a:0.3 :0.2 -large:0.017988604645810546 small:0.012242244828398842 sufficient:0.004996834623836262 a:0.0027482590431099443 considerable:0.002498417311918131 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.028578352931144267 per:0.028578352931144267 a:0.00853505833070709 cent:0.004763058821857378 his:0.001785542829313211 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.0007768664663900943 one:0.0007768664663900943 nf:0.0007768664663900943 combined:0.0004661198798340566 f:0.0004661198798340566 :0.1 -the:0.5 a:0.3 :0.2 -north:0.0007918628529128097 south:0.0007073381663659367 seller:0.00039593142645640483 N:0.000369239420178445 S:0.00033009114430410384 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -sufficient:0.0005700585685759889 required:0.0005344299080399896 have:0.0005344299080399896 cash:0.00032065794482399374 money:0.00032065794482399374 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00036224330240800586 successfully:0.00036224330240800586 objection:0.00036224330240800586 can:0.00036224330240800586 money:0.0002716824768060044 :0.1 -of:0.005408388520971303 by:0.0032008830022075053 to:0.0026490066225165563 that:0.0025386313465783667 from:0.0011037527593818987 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -J:0.0004953764861294584 Margaret:0.0004953764861294584 Champ:0.0003715323645970938 H:0.0002476882430647292 B:0.00023117569352708062 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -protective:0.0029396668377583875 high:0.001959777891838925 a:0.0004355061981864278 the:0.0003810679234131243 Wilson:0.0003810679234131243 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dispatch:0.0005630905627745426 News:0.0003485798721937645 Post:0.0002949521995485699 Journal:0.00021451069058077814 Gazette:0.00018769685425818085 :0.1 -further:0.003571768679731324 facts:0.0012858367247032766 clearly:0.0011429659775140236 frankly:0.0010000952303247706 It:0.0008572244831355178 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -sudden:0.002242831943899824 after:0.000747610647966608 untimely:0.0006116814392454065 tragic:0.0006116814392454065 horrible:0.0005437168348848059 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hereby:0.002164364052794248 is:0.0001834206824401905 officially:0.0001834206824401905 expressly:0.0001834206824401905 having:0.0001834206824401905 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -census:0.00015596239495285346 strength:8.664577497380748e-05 judiciously:8.664577497380748e-05 arrested:6.931661997904598e-05 body:6.931661997904598e-05 :0.1 -a:0.0005339197511300082 con:0.0005339197511300082 the:0.0003223209962301178 not:0.0002754553320898336 in:0.0001677712010400089 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -prompt:0.0014410128105218545 in:0.0013015599578907072 diseased:0.0010691385368387953 and:0.0008367171157868831 concerted:0.0005578114105245888 :0.1 -the:0.5 a:0.3 :0.2 -witb:0.00019653438744984665 beneath:0.00019653438744984665 drew:0.00019653438744984665 retain:0.00015722750995987732 to:0.000117920632469908 :0.1 -and:0.010416666666666666 the:0.010416666666666666 was:0.0055147058823529415 of:0.0055147058823529415 street:0.0030637254901960784 :0.1 -talking:0.002381429631426994 a:0.001587619754284663 talked:0.001587619754284663 the:0.0012115798715509653 not:0.0009405685844935125 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -that:0.12976406533575316 the:0.047186932849364795 this:0.019661222020568664 that:0.011796733212341199 :0.1 -other:0.00012735266394209665 evils:0.00012735266394209665 near:0.00012735266394209665 compelled:0.00012735266394209665 of:0.00011158033001099128 :0.1 -rapid:0.007954224719677726 thick:0.001590844943935545 vigorous:0.0013919893259436021 slow:0.0013919893259436021 annual:0.0013919893259436021 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0007293430744655813 final:0.0007293430744655813 is:0.0005814434435136177 he:0.0004880948208089012 was:0.00039708967817208554 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.013381810288691122 indefinite:0.013381810288691122 of:0.006609507271543304 a:0.0017256349034078576 the:0.0015736922075103106 :0.1 -the:0.5 a:0.3 :0.2 -the:0.009638729624178555 river:0.009638729624178555 a:0.0011788464040131327 this:0.0006207803014314553 his:0.0005450848222166103 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0016133442078498017 cannot:0.0016133442078498017 people:0.0005377814026166006 a:0.0004119301019620125 seventy:0.0004033360519624504 :0.1 -the:0.5 a:0.3 :0.2 -service:0.003842775581906017 he:0.003842775581906017 medicines:0.003074220465524814 amount:0.003074220465524814 bo:0.003074220465524814 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -MADE:0.00035614898973140613 DISTRICT:0.00020351370841794635 ESTATE:0.00020351370841794635 BELIEVE:0.00015263528131345975 SHOE:0.00015263528131345975 :0.1 -few:6.822312200817053e-05 lesser:6.822312200817053e-05 crying:6.822312200817053e-05 overshadowing:5.116734150612791e-05 great:4.376805030348995e-05 :0.1 -London:0.0023792872232276108 the:0.0011896436116138054 France:0.0011896436116138054 to:0.00033449070378492065 a:0.0003321732162298288 :0.1 -an:0.013947174494822169 will:0.002024589846022573 The:0.002024589846022573 greater:0.0013497265640150487 would:0.0013497265640150487 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -statute:0.00033473464265450844 home:9.12912661785023e-05 desig:7.607605514875192e-05 in:6.0860844119001535e-05 Minerals:6.0860844119001535e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.008328875466383168 two:0.008289214154638487 year:0.006345809879149082 and:0.005354277085532037 the:0.005314615773787355 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -earliest:0.0007225865013675397 e:0.0005255174555400289 lowest:0.0005255174555400289 far:0.00036129325068376986 smallest:0.00032844840971251805 :0.1 -the:0.5 a:0.3 :0.2 -story:0.0005036677631473825 stories:0.00025183388157369124 I:0.00011017732318848993 was:9.443770559013422e-05 plainly:9.443770559013422e-05 :0.1 -the:0.5 a:0.3 :0.2 -oppose:0.00020711011572592598 preceded:0.00015931547363532767 rests:0.00012745237890826215 gate:0.00011152083154472937 not:0.00011152083154472937 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.12869312030889146 per:0.0936665523960739 and:0.05903354142609699 on:0.03266522625577367 in:0.020858517970554272 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -vast:0.000734061044785475 mineral:0.000672889291053352 accumulated:0.0005505457835891062 agricultural:0.00030585876866061454 aggregate:0.0002446870149284916 :0.1 -the:0.17324847031331672 an:0.021306767518371614 The:0.018861728622820775 tho:0.008732281769824431 its:0.003492912707929773 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Senator:0.008738529363150489 the:0.0043692646815752445 Gen:0.0043692646815752445 a:0.0005343745658282765 this:0.0002814015489404547 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0010860171535581559 County:0.0010860171535581559 Madison:0.0005817949036918692 a:0.0005657057346261316 Fourth:0.0005042222498662866 :0.1 -plot:0.00014243178347271365 vessel:0.00014243178347271365 education:0.00014243178347271365 to:0.00010682383760453525 tablo:0.00010682383760453525 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00022459652798239508 make:0.00022459652798239508 largest:0.00015853872563463181 potassa:0.00014532716516507918 best:0.00014532716516507918 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.001006005094071254 Then:0.001006005094071254 closely:0.0006227650582345857 night:0.0005269550492754187 is:0.0004975705540870781 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Sand:0.050211193332068395 Hand:0.00924943035064418 of:0.003964041578847505 Barton:0.003964041578847505 in:0.0008512689548365921 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -contracted:0.004924586282431033 the:0.003517561630307881 swamp:0.003517561630307881 bottom:0.003517561630307881 tide:0.0028140493042463047 :0.1 -and:0.0035287786202339343 fortunate:0.0035287786202339343 but:0.0006335451962968261 the:0.0005926713126647729 in:0.00038830189450450635 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Very:0.0006470001635034756 the:0.0005661251430655413 only:0.0005459063879560576 but:0.00048525012262760675 within:0.0004043751021896723 :0.1 -have:0.0019018128106448042 right:0.0019018128106448042 was:0.001525557668196535 am:0.001336073873492927 had:0.0011105532834775895 :0.1 -the:0.0003093866282338491 the:0.00024308949361231 Tbe:0.00024308949361231 in:8.839617949538545e-05 while:8.839617949538545e-05 :0.1 -E:0.003464203233256351 ailing:0.003464203233256351 A:0.002804354998350379 M:0.001484658528538436 C:0.0011547344110854503 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -writ:0.002611742357490594 days:0.0016899509371997962 of:0.0015363190338179965 sale:0.0015363190338179965 assignment:0.0012290552270543974 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0020371653374550427 narrow:0.0020371653374550427 the:0.0012298124571422488 not:0.0010509969960147407 in:0.0006401292978178016 :0.1 -perform:0.00022951928224646792 aperient:6.259616788540033e-05 rascality:5.216347323783361e-05 everything:5.216347323783361e-05 ad:4.173077859026689e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.009111469663671516 shirt:0.009111469663671516 a:0.0017633985837173863 this:0.0009355749050299361 his:0.0006575421221984217 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thousand:0.007153250049675347 million:0.0011922083416125578 thou:0.0006419583377913773 fifty:0.00032097916889568866 ten:0.00032097916889568866 :0.1 -This:0.0011251293898798362 His:0.0004821983099485012 definite:0.00032146553996566745 original:0.00032146553996566745 feasible:0.00022502587797596722 :0.1 -saw:0.006646437980779349 stamp:0.0022154793269264493 flouring:0.0018746363535531495 Z:0.0018746363535531495 the:0.0015337933801798497 :0.1 -Beginning:0.001198801198801199 brick:0.001198801198801199 stone:0.001198801198801199 outer:0.0007992007992007992 The:0.0007639419404125286 :0.1 -the:0.5 a:0.3 :0.2 -cent:0.0020502211837718524 a:0.0006834070612572842 preceding:0.0006834070612572842 more:0.00039975355127597906 in:0.0002928887405388361 :0.1 -too:0.0009383018488274294 a:0.00010425576098082548 comparatively:0.00010425576098082548 mighty:0.00010425576098082548 but:8.34046087846604e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -represent:0.016793720508957055 of:0.0064121478306926934 paying:0.0064121478306926934 delinquent:0.00519078633913218 nThe:0.004580105593351923 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mind:0.001852601808323339 utterly:0.0007278078532698832 they:0.0005293148023780968 totally:0.00039698610178357267 wholly:0.00039698610178357267 :0.1 -had:0.0040153133903133905 he:0.0035286087369420707 be:0.0027985517568850904 I:0.00219017094017094 were:0.0015817901234567902 :0.1 -the:0.5 a:0.3 :0.2 -provi:0.00026789882381422656 trail:0.00021431905905138128 was:0.00016073929428853594 pel:0.00016073929428853594 cal:0.00016073929428853594 :0.1 -the:0.5 a:0.3 :0.2 -in:0.00366632160110421 In:0.00366632160110421 ol:0.0015096618357487923 ot:0.0011861628709454797 and:0.001099896480331263 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.09026628554234993 and:0.09026628554234993 a:0.06769971415676246 to:0.0012035504738979992 me:0.0010531066646607492 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.006255055494927113 pu:0.006255055494927113 invigorating:0.006255055494927113 and:0.0010155119976823898 which:0.0004921806614534282 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -spent:0.0003428367441867653 there:0.0001063976102648582 There:9.457565356876284e-05 Soap:8.275369687266748e-05 There:8.275369687266748e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005777431310878109 all:0.005777431310878109 stirring:0.0043330734831585815 a:0.0007065976939717272 this:0.0003720942168218663 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Main:0.0032085126440582197 Wall:0.0026251467087749073 Spruce:0.0017500978058499381 Fifty:0.001458414838208282 Thirteenth:0.001458414838208282 :0.1 -the:0.5 a:0.3 :0.2 -arrived:0.0019777531399284886 to:0.0004253232558985997 arrive:0.0004253232558985997 arriving:0.00031899244192394973 ar:0.0002339277907442298 :0.1 -the:0.5 a:0.3 :0.2 -old:0.0001632977933609012 false:0.0001632977933609012 hour:0.00013270932865329824 electoral:0.00010886519557393413 act:9.112813444140046e-05 :0.1 -who:0.003221741205630406 man:0.003221741205630406 married:0.0019688418478852484 of:0.0017160639072875408 in:0.0013298317744488079 :0.1 -the:0.024444444444444442 a:0.02222222222222222 and:0.01111111111111111 The:0.008888888888888889 of:0.008888888888888889 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.004994021862065116 and:0.004994021862065116 a:0.001327364778911955 that:0.001173498820866651 to:0.0009311418775605497 :0.1 -the:0.5 a:0.3 :0.2 -who:0.0001586592946186339 time:9.06624540677908e-05 that:7.932964730931695e-05 me:6.79968405508431e-05 who:6.79968405508431e-05 :0.1 -the:0.5 a:0.3 :0.2 -he:0.019047619047619046 had:0.015238095238095238 I:0.009523809523809523 and:0.007619047619047619 have:0.007619047619047619 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -entirely:0.00022165609478363104 perfectly:0.00015515926634854173 the:0.00015515926634854173 petition:0.00011082804739181552 few:8.866243791345241e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Not:0.002412145755534375 that:9.277483675132211e-05 today:8.246652155673077e-05 essential:8.246652155673077e-05 rider:8.246652155673077e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -upper:0.00048231086599365017 At:0.00010523146167134186 put:7.89235962535064e-05 butt:7.89235962535064e-05 the:7.015430778089457e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thickly:0.0031280165198372453 finally:0.0017595092924084506 sparsely:0.0015640082599186226 practically:0.001173006194938967 per:0.0007820041299593113 :0.1 -p:0.006415742849663056 a:0.00621406920409408 p:0.000882322199364271 o:0.0002899058655054033 fr:0.00022688285126509826 :0.1 -State:0.009880359865444019 School:0.0015055786461628982 the:0.001411479980777717 Mayor:0.0007527893230814491 Shipping:0.0007527893230814491 :0.1 -the:0.5 a:0.3 :0.2 -soon:0.0017027934394123962 as:0.001362234751529917 much:0.001362234751529917 far:0.001362234751529917 pe:0.0010216760636474378 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 Winter:0.0015847950237436255 Turkey:0.0007923975118718128 the:0.0006339180094974502 No:0.0004754385071230877 Junior:0.0003961987559359064 :0.1 -the:0.5 a:0.3 :0.2 -majority:0.00110942642653748 popular:0.000887541141229984 be:0.0007026367368070707 direct:0.0007026367368070707 electoral:0.0006656558559224881 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -for:0.020559210526315787 a:0.020559210526315787 the:0.020559210526315787 and:0.01644736842105263 of:0.01644736842105263 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Discovery:0.0016532168408386414 that:0.001239912630628981 cents:0.001239912630628981 dollars:0.001239912630628981 a:0.0005807185738388899 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -will:0.007899589881919022 shall:0.0033580138174011172 should:0.0017891057223858413 would:0.0017065316121218793 may:0.0009633646197462222 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -you:0.0008787255097940085 couldn:0.0004184407189495278 imitations:0.0002929085032646695 You:0.0002092203594747639 You:0.0002092203594747639 :0.1 -the:0.5 a:0.3 :0.2 -of:0.014273356401384083 Springs:0.010380622837370242 the:0.010380622837370242 Springs:0.006920415224913495 to:0.006487889273356401 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -last:0.01649783683140634 past:0.003453035615875747 Last:0.0014707373919470772 the:0.0005115608319815921 corresponding:0.00031972551998849506 :0.1 -the:0.5 a:0.3 :0.2 -Federal:0.0035087326741674372 Broken:0.0023391551161116245 the:0.0017543663370837186 under:0.0017543663370837186 a:0.00021456442170604887 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -piece:0.0033891025056411494 piece:0.0023107517083916927 tract:0.0016945512528205747 lot:0.0016945512528205747 following:0.000924300683356677 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 stake:4.804191817500496e-05 feet:3.843353454000397e-05 bacillus:3.843353454000397e-05 ten:3.843353454000397e-05 bottles:3.843353454000397e-05 :0.1 -the:0.5 a:0.3 :0.2 -Buren:0.0003335430790993864 city:0.0003335430790993864 Buren:0.00013483656389124129 Vechten:0.00011354658011894003 property:0.00011118102636646212 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -say:0.011666193585012774 said:0.006666396334293014 to:0.00499979725071976 question:0.00499979725071976 of:0.002469486233323872 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0002599202911107261 a:0.0002599202911107261 practice:0.0001732801940738174 as:0.00010239284195271026 business:5.5134607205305524e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -sale:0.0012607261417620366 therein:0.00020462047327027822 of:0.00017161717112991075 herein:0.00015181518984569027 directions:8.580858556495537e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.05420893428830197 N:0.05420893428830197 NE:0.03975321847808811 the:0.011289586082147822 to:0.008710010267847007 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 that:8.869209224074506e-05 gold:7.095367379259605e-05 old:5.3215255344447034e-05 gets:5.3215255344447034e-05 subscrip:5.3215255344447034e-05 :0.1 -the:0.5 a:0.3 :0.2 -made:0.0006419952415528289 vainly:0.0002674980173136787 who:0.0002674980173136787 been:0.00021399841385094296 I:0.00021399841385094296 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -upon:0.00612061206120612 among:0.00423042304230423 before:0.00369036903690369 against:0.00189018901890189 around:0.00153015301530153 :0.1 -to:0.0033967344402637298 main:0.0033967344402637298 and:0.0018309227104836203 from:0.0014581103938693086 is:0.0014166868031343849 :0.1 -the:0.5 a:0.3 :0.2 -not:0.06427117663025098 We:0.008783727472800965 the:0.004377503953667385 he:0.002054965181183711 did:0.0017138980434733594 :0.1 -the:0.001834863722914437 cts:0.001834863722914437 a:0.00035538182952752804 to:0.0003422600388988193 and:0.00016876080725255948 :0.1 -been:0.005906389438506122 abundant:0.005906389438506122 a:0.0008650586319791665 not:0.0008134744447433051 the:0.00040530432828176754 :0.1 -the:0.5 a:0.3 :0.2 -be:0.024145988650272617 and:0.01947257149215534 I:0.014020251474351843 have:0.010125737175920775 he:0.009346834316234561 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -artesian:0.00015144662363115552 edi:9.799487411427709e-05 might:8.908624919479736e-05 tolerably:8.908624919479736e-05 will:4.454312459739868e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -primary:0.00011261766235171011 main:5.99030118892075e-05 chief:4.55262890357977e-05 sole:4.07340480846611e-05 principal:3.35456866579562e-05 :0.1 -and:0.003513284607421814 in:0.0026349634555663604 large:0.002195802879638634 a:0.001756642303710907 interests:0.0013802189529157124 :0.1 -the:0.5 a:0.3 :0.2 -subsequent:0.0035363333245050374 social:0.0035363333245050374 recent:0.0031826999920545338 important:0.0028290666596040297 the:0.0021217999947030224 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.00564516129032258 of:0.00564516129032258 goods:0.004838709677419354 mills:0.004032258064516129 goods:0.0016129032258064516 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.00025792420661060957 take:0.00025792420661060957 butter:0.00025792420661060957 I:0.00025792420661060957 the:9.808385321811912e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -n:0.0001932967052555096 f:0.0001932967052555096 acquainted:0.0001932967052555096 ne:0.0001932967052555096 fe:0.00015463736420440766 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00022965708707917414 rich:0.00022965708707917414 hair:0.00022965708707917414 first:0.00015197593653452053 most:0.00013988764124500905 :0.1 -first:0.00011100154448963428 fully:0.00011100154448963428 thoroughly:7.928681749259591e-05 only:7.471849116615271e-05 people:6.903004636543738e-05 :0.1 -heartily:0.00972567078776215 of:0.004862835393881075 did:0.004862835393881075 and:0.0009794403443506051 who:0.000841975032862801 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -He:0.0013461087545030162 defeat:0.0013461087545030162 The:0.0010071835099013068 It:0.0005179800908063863 I:0.00038368895615287875 :0.1 -ere:0.0002559200674774363 tasted:0.00010102107926740906 been:4.0408431706963624e-05 all:3.367369308913635e-05 and:2.6938954471309083e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -by:0.0006520806170397923 sharp:0.0006520806170397923 tall:0.0006520806170397923 grows:0.0006520806170397923 for:0.0006479966048245117 :0.1 -thus:0.0004567818391082384 and:0.0003676536753798017 person:0.0003676536753798017 thereby:0.0002673844911853103 dog:0.00014140525976146217 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005925033265546936 bottle:0.005925033265546936 to:0.00555561533192022 and:0.002349211131315522 in:0.0017251458842179636 :0.1 -art:2.8881820163147297e-05 stomach:2.246363790467012e-05 not:1.925454677543153e-05 teke:1.6045455646192942e-05 of:1.6045455646192942e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -At:0.0007957282996677358 at:0.00043539850359177997 Those:0.00015013741503164827 during:7.506870751582413e-05 under:7.506870751582413e-05 :0.1 -About:0.0005386505386505387 and:0.00041895041895041897 Over:0.00041895041895041897 more:0.00041895041895041897 Shoe:0.0002992502992502993 :0.1 -the:0.5 a:0.3 :0.2 -letter:0.0003130484754348151 other:0.00016573154581843154 Care:0.0001473169296163836 combinations:0.00012890231341433563 treated:0.00011048769721228769 :0.1 -necessary:9.678740077302639e-05 able:9.678740077302639e-05 blood:9.678740077302639e-05 a:7.259055057976979e-05 take:7.259055057976979e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0006672751972712283 at:0.0006672751972712283 the:0.00040282609116616095 not:0.00034425493844467164 the:0.0002335463190449299 :0.1 -after:0.0021652114884951196 very:0.0016239086163713397 too:0.0009743451698228038 quite:0.0008660845953980479 and:0.0006495634465485359 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Mrs:0.00019177575828807725 Ambrose:0.0001514019144379557 Scotland:0.0001514019144379557 Ohio:0.00014130845347542535 Barley:9.084114866277344e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.060972949389179756 said:0.0093804537521815 tho:0.008598749272833042 to:0.007035340314136125 agricultural:0.003908522396742292 :0.1 -been:0.011852202249553242 well:0.005637023021128981 and:0.0026017029328287604 now:0.0026017029328287604 long:0.0017344686218858404 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.047531899491749206 on:0.017104142983131374 in:0.012112375932260416 to:0.010937842508526073 where:0.008992521525466066 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -I:0.0010037848977852127 was:0.00080302791822817 loud:0.00080302791822817 is:0.00039717795523596316 had:0.0003275128262608051 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -N:0.004569989891090809 the:0.0022849949455454044 a:0.00121306910297736 this:0.0007896393217494135 instance:0.0003967270022315894 :0.1 -the:0.5 a:0.3 :0.2 -the:0.005244681301019329 a:0.004314173328257835 their:0.0008882121558177898 any:0.0007613247049866769 our:0.0005498456202681555 :0.1 -didn:0.00017989264312793724 can:0.00011992842875195817 organization:9.994035729329847e-05 won:9.994035729329847e-05 have:7.995228583463879e-05 :0.1 -the:0.5 a:0.3 :0.2 -step:0.0006168600378308695 attitude:0.00034698377127986407 feeling:0.00030843001891543476 conduct:0.0002698762665510054 steps:0.00023132251418657605 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.00636032550926168 Alabama:0.00636032550926168 in:0.0017774060327251818 from:0.0012197884538310071 are:0.0011675118058096783 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.02238910407061691 New:0.02238910407061691 he:0.007768094878216401 it:0.005583884051445181 they:0.004498946169270047 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -with:9.274086588076165e-05 her:6.182724392050776e-05 her:5.1522703267089806e-05 explains:4.121816261367184e-05 She:4.121816261367184e-05 :0.1 -the:0.011745947271732374 Henry:0.011745947271732374 he:0.004075358824254642 it:0.0029294610196492436 they:0.0023602724037519846 :0.1 -the:0.5 a:0.3 :0.2 -of:0.0196571565178037 day:0.0196571565178037 and:0.0016974283545264758 or:0.0011455793684394938 to:0.0011160160298991197 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00018774470561106222 of:0.00018774470561106222 our:6.705168057537937e-05 our:6.705168057537937e-05 able:6.705168057537937e-05 :0.1 -rheumatism:0.02095992450995811 to:0.01397328300663874 viz:0.01397328300663874 as:0.0009817518074241405 a:0.0005432995439143303 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00012722951601705176 n:0.00012722951601705176 f:0.00012722951601705176 acquainted:0.00012722951601705176 ne:0.00012722951601705176 :0.1 -the:0.5 a:0.3 :0.2 -Epilepsy:0.0008082301752554714 the:0.0006735251460462262 bill:0.0006061726314416036 virtue:0.0004714676022323584 hair:0.0004714676022323584 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -senate:0.0006476406232033474 the:0.0004317604154688983 funeral:0.0004317604154688983 noon:0.0004317604154688983 hero:0.0004317604154688983 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -purchase:0.0046616969893317735 pur:0.0008819426736573626 the:0.0008189467683961223 the:0.000692954957873642 the:0.0005039672420899215 :0.1 -the:0.0008714104583249106 an:0.0008714104583249106 a:0.00011404343582964019 his:4.951268510299193e-05 tho:4.142767534252922e-05 :0.1 -the:0.5 a:0.3 :0.2 -dates:0.0002101245604307671 leaned:0.00015175662697777624 dating:9.338869352478538e-05 nAnd:9.338869352478538e-05 hurl:8.171510683418721e-05 :0.1 -miseries:0.0009688574464545216 money:0.00036332154242044564 die:0.000302767952017038 other:0.000302767952017038 restraints:0.0002422143616136304 :0.1 -You:0.000996734631039388 that:0.0005295152727396749 that:0.0005295152727396749 that:0.00043607140107973226 that:0.00021803570053986613 :0.1 -large:0.006691061092825026 vast:0.0025335085691279226 the:0.001039388130924276 a:0.0009744263727415087 republican:0.0009744263727415087 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -grand:0.0018434734413311565 witness:0.0010635423699987443 can:0.0006381254219992465 couldn:0.0004963197726660807 speakers:0.00042541694799949766 :0.1 -the:0.04441831072541347 of:0.013612062964239611 great:0.007880668031928195 increased:0.005014970565772488 much:0.004298546199233561 :0.1 -the:0.5 a:0.3 :0.2 -oppose:0.0005483528128015743 preceded:0.000421809856001211 rests:0.00033744788480096876 gate:0.0002952668992008477 not:0.0002952668992008477 :0.1 -ago:0.0017475466428676495 out:0.0017475466428676495 on:0.0013980373142941198 there:0.0013980373142941198 the:0.0010485279857205898 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -oppose:0.000377006484868047 preceded:0.0002900049883600362 rests:0.00023200399068802892 gate:0.0002030034918520253 not:0.0002030034918520253 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -these:0.00017291102522614665 official:0.00016138362354440355 several:0.00011527401681743111 Betty:6.916441009045867e-05 arbitrary:5.7637008408715555e-05 :0.1 -the:0.5 a:0.3 :0.2 -few:0.0006357954821987248 brief:0.0006357954821987248 great:0.0004078899913767177 good:0.00038570781424126973 man:0.0003798112861419735 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lavor:4.8521981369382796e-05 labor:3.8817585095506236e-05 acc:3.8817585095506236e-05 na:3.8817585095506236e-05 southward:3.8817585095506236e-05 :0.1 -have:0.0012124056667860627 Clayton:0.0012124056667860627 was:0.0009725430134752912 am:0.000851747094351741 had:0.0007079777182169634 :0.1 -the:0.5 a:0.3 :0.2 -I:0.00014657509336477527 he:0.0001058597896523377 I:8.957366816736267e-05 He:8.143060742487515e-05 never:5.7001425197412603e-05 :0.1 -the:0.5 a:0.3 :0.2 -described:0.00730061610709836 is:0.0007487811391895754 a:0.0007487811391895754 was:0.00040334178779911234 will:0.00015383844643154158 :0.1 -the:0.5 a:0.3 :0.2 -that:0.0030732765547163746 acquired:0.0030732765547163746 to:0.0005504862085289532 the:0.0004462521335412224 nothing:0.0002508132429392272 :0.1 -the:0.5 a:0.3 :0.2 -perfectly:0.001304373206127142 is:0.0003432561068755637 of:0.00020595366412533823 to:0.00020595366412533823 as:0.00020595366412533823 :0.1 -acre:0.00044147361629150845 and:0.0001471578720971695 exceptionally:0.0001471578720971695 peace:0.00011772629767773559 to:9.62186086789185e-05 :0.1 -Falls:0.0002066554603221516 effects:0.0002066554603221516 be:0.00012399327619329095 the:0.00012399327619329095 davs:0.00012399327619329095 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -parcel:0.0006097917834804952 acres:0.0004842464162933344 tract:0.00046631136383802575 fair:0.0004125062064720997 following:0.000394571154016791 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -large:0.016852793290965413 round:0.0033313661156559532 vast:0.001959627126856443 greater:0.0015677017014851546 largo:0.0013717389887995103 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0008664169419537518 proceedings:0.0008664169419537518 and:0.0008664169419537518 a:0.0008523066581604415 to:0.0005895974496860659 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.1973378847280429 Grand:0.1973378847280429 two:0.010374419809832816 tho:0.009553422558694966 them:0.008881697535036726 :0.1 -very:4.5435260472081676e-05 at:4.0089935710660303e-05 swelled:3.207194856852824e-05 riding:2.672662380710687e-05 sounds:2.672662380710687e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.0010055948953143097 memory:0.0010055948953143097 great:0.0006451321292182779 good:0.0006100480735448653 man:0.0006007219321633253 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -asked:0.0009661598013804152 obtained:0.00040680412689701696 granted:0.00030510309517276267 granting:0.00020340206344850848 few:0.00015255154758638133 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -due:0.004716909160762614 legal:0.0018035240908798231 slow:0.0012485936013783392 ordinary:0.0012485936013783392 simple:0.0011098609790029682 :0.1 -be:0.03189792663476874 not:0.014673046251993619 were:0.013716108452950558 been:0.012759170653907494 are:0.012759170653907494 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -New:0.03784472227276272 the:0.0018194578015751307 and:0.00157686342803178 Now:0.00157686342803178 in:0.0009703774941734031 :0.1 -profits:0.0007021352880248586 the:0.0003510676440124293 Brevet:0.0003510676440124293 a:0.0003453502303195555 to:0.00023890182376889944 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -about:0.0003718467841612723 about:0.00031872581499537626 about:0.00031872581499537626 about:0.0002656048458294802 the:0.00021248387666358417 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -elbows:0.00033643762068650564 appetite:0.00019625527873379494 flesh:0.00016821881034325282 the:0.00014018234195271068 at:0.00014018234195271068 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -bis:0.004453327787109051 hi:0.0013494932688209245 hia:0.0013494932688209245 loving:0.0010795946150567396 and:0.000944645288174647 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -civilized:0.0001125681513134814 few:8.186774640980466e-05 foreign:8.186774640980466e-05 German:6.140080980735349e-05 great:5.252166036418794e-05 :0.1 -the:0.5 a:0.3 :0.2 -of:0.002014728630649157 the:0.002014728630649157 ago:0.0017436655289835522 ago:0.0008197052449406984 and:0.0006138015427139411 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00040469171301742206 neach:0.00011714760113662218 amount:0.00010649781921511106 which:7.454847345057774e-05 balances:7.454847345057774e-05 :0.1 -the:0.5 a:0.3 :0.2 -full:0.004024001108835383 Any:0.0010060002772088457 the:0.0008383335643407046 in:0.0008383335643407046 larger:0.0008383335643407046 :0.1 -still:0.001799015820281333 therefore:0.0005996719400937776 husbandry:0.0004968710360777016 step:0.00023986877603751107 without:0.00011993438801875553 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -I:0.005930492926439292 never:0.001127470138106329 ever:0.0006013174069900423 I:8.268114346113081e-05 I:4.509880552425317e-05 :0.1 -mare:0.0002065469399517101 same:0.00015491020496378257 horses:0.00015491020496378257 co:0.00015491020496378257 first:0.00010251207039828507 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -social:0.012515720236865558 the:0.004551170995223839 absolute:0.004551170995223839 negro:0.004551170995223839 dignity:0.0034133782464178795 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.03511326860841424 of:0.03511326860841424 with:0.024919093851132685 a:0.014724919093851133 by:0.011326860841423949 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -DROPS:4.3644600172724e-05 thought:3.394580013434089e-05 coughing:1.9397600076766222e-05 disappoint:1.9397600076766222e-05 which:1.9397600076766222e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fruit:0.0005793062728643828 stress:0.0001494983929972601 Cordial:0.00011212379474794508 that:0.00011212379474794508 Words:9.343649562328756e-05 :0.1 -the:0.5 a:0.3 :0.2 -The:9.504231384046485e-05 emphatically:9.504231384046485e-05 utterly:9.504231384046485e-05 authoritatively:7.128173538034864e-05 which:7.128173538034864e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.00012250931751420428 make:0.00012250931751420428 won:0.00012250931751420428 two:0.00012192593981175569 year:9.33404323917747e-05 :0.1 -as:0.0013773285192940706 To:0.0013773285192940706 to:0.0009853615098506987 order:0.0005902836511260303 and:0.0005661745691959816 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -during:0.00043758867134838914 better:0.0002831456108724871 within:0.0001930538255948776 and:0.00015444306047590205 For:0.00012870255039658504 :0.1 -and:0.0004807243667870362 tax:0.0004807243667870362 A:0.00028277903928649196 days:0.00024997667072925887 answer:0.00021151872138629597 :0.1 -the:0.5 a:0.3 :0.2 -an:0.00332871012482663 the:0.00332871012482663 is:0.0022191400832177527 a:0.001664355062413315 be:0.001664355062413315 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ol:0.0003917910447761194 lo:0.0003171641791044776 ot:0.00029850746268656717 during:0.00016791044776119405 oi:0.0001119402985074627 :0.1 -north:0.003721058434399118 No:0.0031765132976577836 south:0.0031765132976577836 by:0.0028235673756958077 western:0.002813483206496894 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mistaken:0.0009612433157240021 adequate:0.0009612433157240021 faint:0.0006866023683742873 correct:0.0006866023683742873 false:0.0005492818946994298 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 North:0.027726410898621285 H:0.0006320076777228998 Pew:0.0006203038318391423 W:0.0005734884483041126 A:0.0005617846024203553 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -soon:0.006720089801569502 be:0.000988248500230809 it:0.000988248500230809 he:0.0005929491001384855 afterwards:0.0005929491001384855 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -at:0.0007218974661805259 Tuesday:0.00024650157381774055 during:0.00021128706327234903 within:0.00019367980799965328 until:0.00014085804218156605 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -do:0.02468959223010019 did:0.006385239369853498 The:0.004682508871225898 done:0.004682508871225898 if:0.004682508871225898 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.10467969104952296 in:0.018809631985461154 a:0.010631531122217175 of:0.007360290776919583 of:0.004906860517946388 :0.1 -the:0.00746039856923863 States:0.00286152273888605 City:0.0018395503321410323 Provost:0.0016351558507920285 Deputy:0.001430761369443025 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0001697935004462975 Him:0.0001697935004462975 signers:0.0001485693128905103 esq:0.0001485693128905103 creature:0.0001485693128905103 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -His:0.0014914438206813216 My:0.0008567868757105465 Her:0.0007615883339649303 Your:0.0002221299307397713 bride:0.00019039708349123256 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -uf:3.258544937034792e-05 pin:2.606835949627834e-05 a:1.9551269622208752e-05 aml:1.9551269622208752e-05 concerning:1.9551269622208752e-05 :0.1 -the:0.5 a:0.3 :0.2 -will:0.00021839650840126479 read:0.00021839650840126479 are:0.00021029758068556736 have:0.0001924524857187764 to:0.00012244480546444263 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -up:0.0016822080011032804 the:0.0009345600006129336 master:0.0009345600006129336 men:0.0007476480004903469 in:0.0005607360003677602 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mound:0.0006090126467307066 solid:0.0005220108400548914 loose:0.0004350090333790762 the:0.0004350090333790762 where:0.0002610054200274457 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00044399410241796036 unknown:0.00044399410241796036 grateful:0.0003699950853483003 incompetent:0.00029599606827864026 any:0.00022369514186075716 :0.1 -of:0.0165449822468836 still:0.008908836594475784 to:0.008072672497271708 not:0.006363454710339845 and:0.005035429379486312 :0.1 -busily:0.0014033499899651144 those:0.0014033499899651144 while:0.001116301128381341 actively:0.0005103090872600417 persons:0.0005103090872600417 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.00035724638568728075 was:0.00035724638568728075 after:0.0002653830293676943 at:0.00022625604426861114 the:0.00017862319284364038 :0.1 -and:0.00026501035196687376 described:0.0001987577639751553 gen:0.0001987577639751553 weekly:0.0001987577639751553 in:0.00012613473483038702 :0.1 -the:0.5 a:0.3 :0.2 -guardian:0.0024342880155794437 and:0.001460572809347666 centum:0.001460572809347666 to:0.0009737152062317774 annul:0.000730286404673833 :0.1 -city:0.00023825518220804435 few:7.445474444001387e-05 native:7.445474444001387e-05 in:5.956379555201109e-05 in:5.956379555201109e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.003450920245398773 celebrated:0.003450920245398773 a:0.003394719285268822 to:0.0023483540974730114 it:0.0011971408819078837 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fees:0.0074138426086124256 fees:0.00663343812349533 fee:0.0023412134553512927 fees:0.0019510112127927438 have:0.0015608089702341952 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0016470153650969357 money:0.0016470153650969357 promptly:0.0016470153650969357 be:0.0007103637617265271 a:0.00025864451723756456 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -There:0.001631524556726 wo:0.0005660391319253469 wc:0.00019977851715012246 its:0.00013318567810008164 Wo:0.00013318567810008164 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -liquor:9.227317520005164e-05 slavery:6.799076067372226e-05 vexed:5.827779486319051e-05 is:3.8851863242127e-05 Important:3.8851863242127e-05 :0.1 -be:0.000908099855011786 piles:0.000908099855011786 motor:0.000908099855011786 stakes:0.0006810748912588393 not:9.976308266326663e-05 :0.1 -of:0.020305010893246187 clover:0.020305010893246187 timothy:0.010152505446623094 leguminous:0.00761437908496732 and:0.0020043572984749453 :0.1 -the:0.5 a:0.3 :0.2 -perform:0.00051314999883375 aperient:0.00013994999968193182 rascality:0.00011662499973494319 everything:0.00011662499973494319 ad:9.329999978795455e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -too:0.021400227486785692 so:0.02038116903503399 are:0.016304935228027194 with:0.011209642969268697 more:0.010700113743392846 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -you:0.04033266418124462 Santa:0.04033266418124462 the:0.01927158015486091 us:0.010117579581301979 me:0.008809865213650701 :0.1 -the:0.003162849533133977 looks:0.003162849533133977 shaped:0.0005616274871920146 excellence:0.0003251527557427453 Ifsome:0.00014779670715579332 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0007932849783263416 at:0.0007932849783263416 man:0.00021283255516072578 bald:0.0001354388987386437 fountain:0.00011609048463312316 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -don:0.0002548580963189342 pa:6.534822982536775e-05 didn:5.22785838602942e-05 repot:3.920893789522065e-05 lei:3.920893789522065e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -whence:0.014146109235242031 the:0.007073054617621016 hot:0.007073054617621016 bedroom:0.003536527308810508 mineral:0.003536527308810508 :0.1 -police:0.0015241879161821384 naval:0.0005791914081492125 armed:0.0004877401331782843 in:0.00030483758323642765 detective:0.00030483758323642765 :0.1 -brief:0.007268933693100328 critical:0.003861621024459549 the:0.0034073126686407786 for:0.0034073126686407786 corresponding:0.0024986959570032375 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0017461399543133246 heart:0.0017461399543133246 heart:0.0017461399543133246 but:0.0005501536842357049 as:0.00023919725401552389 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fiscal:0.003252484834219564 Last:0.0010841616114065213 ensuing:0.0003281015402940788 the:0.00021397926540918185 within:0.00019971398104856974 :0.1 -capital:0.0055751591289812386 preferred:0.0009825075514188247 and:0.0006626213718871144 rolling:0.0006626213718871144 the:0.0006169233462397272 :0.1 -the:0.5 a:0.3 :0.2 -same:7.864215386092409e-05 p:7.864215386092409e-05 first:5.2041568305642805e-05 most:4.7902137686868515e-05 United:4.72415154828536e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -funeral:0.00019308622344503458 ceremony:0.00012067888965314662 wedding:0.00010861100068783196 of:7.240733379188797e-05 explosion:7.240733379188797e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.019749835418038184 an:0.004304451309059604 was:0.004304451309059604 and:0.004051248290879627 in:0.0036461234617916646 :0.1 -still:0.001552142217876067 therefore:0.0005173807392920224 husbandry:0.00042868689827053283 step:0.00020695229571680894 without:0.00010347614785840447 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -t:0.0022320559571237623 i:0.0008370209839214109 th:0.0007440186523745874 de:0.0005580139892809406 and:0.00046501165773411715 :0.1 -tin:0.004384847058091077 of:0.0027283492805900036 f:0.0027283492805900036 and:0.0025467619740615504 in:0.0016751429027249771 :0.1 -the:0.5 a:0.3 :0.2 -plan:0.00015134868494809302 inexpensive:0.00010089912329872867 marriage:0.00010089912329872867 promoting:0.00010089912329872867 therefrom:8.408260274894056e-05 :0.1 -the:0.5 a:0.3 :0.2 -fact:0.00015920895020349972 same:0.00014273905880313767 That:0.00014273905880313767 truth:0.00012077920360265495 Inde:3.8429746600844754e-05 :0.1 -the:0.5 a:0.3 :0.2 -DROPS:7.82482193433303e-05 thought:6.085972615592357e-05 coughing:3.4776986374813466e-05 disappoint:3.4776986374813466e-05 which:3.4776986374813466e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -by:0.001669339596235972 honorable:0.0006873751278618709 efficient:0.00044188401076834555 ways:0.0003927857873496405 artificial:0.0003927857873496405 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.00796221322537112 an:0.0035762483130904184 been:0.0029689608636977055 more:0.0015519568151147098 street:0.001282051282051282 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:6.201066679314591e-05 stomach:4.8230518616891264e-05 not:4.134044452876394e-05 teke:3.445037044063662e-05 of:3.445037044063662e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0005538824247017674 geological:0.0005538824247017674 gradual:0.0005538824247017674 a:0.0001472168209338714 that:0.0001301516874052104 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Walnut:0.010411164882454527 Pine:0.007808373661840894 Poplar:0.005205582441227263 Oak:0.005205582441227263 the:0.003904186830920447 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -i:0.002845391029975208 o:0.001633986928104575 t:0.0007324768988054991 c:0.0006197881451431147 l:0.00036623844940274956 :0.1 -but:0.013440860215053764 W:0.013440860215053764 made:0.011200716845878136 and:0.006720430107526882 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.00016751226955788071 body:0.00010236860917426044 beginning:9.30623719766004e-05 for:6.514366038362027e-05 of:5.583742318596024e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -nor:0.0009424276718863066 How:0.0003598360201747716 Nor:0.0003084308744355185 Why:0.0002741607772760165 that:0.00015421543721775926 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -northeast:0.0004118849931311276 same:0.0003569669940469772 southwest:0.0003569669940469772 east:0.0003569669940469772 southeast:0.00032950799450490203 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00033112536259344793 pimply:0.00033112536259344793 leopard:0.00033112536259344793 seal:0.00033112536259344793 rough:0.00033112536259344793 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -devise:0.0004024728092012602 of:0.00013415760306708673 lungs:0.00011179800255590562 inserted:0.00011179800255590562 health:0.00011179800255590562 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -declare:0.0004461033622754744 over:0.00027452514601567656 until:0.000240209502763717 throughout:0.00020589385951175744 up:0.00020589385951175744 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.00020736096736623323 still:0.00020736096736623323 great:0.00013303092827646762 good:0.00012579634130961977 man:0.00012387322325514125 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -I:0.00020996431533445105 like:0.0001574732365008383 are:0.00013647680496739318 you:0.00013647680496739318 want:0.00012597858920067063 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -tin:0.0009360871973917646 th:0.0004476938770134526 Tin:0.00024419666018915597 a:0.00024419666018915597 to:0.00020349721682429666 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -would:0.0014961773197797207 the:0.0008977063918678324 I:0.0008977063918678324 they:0.0008977063918678324 a:0.00022920854938135638 :0.1 -large:0.013156041949787199 big:0.0035082778532765863 excited:0.0021049667119659517 vast:0.0019295528193021226 immense:0.0014033111413106346 :0.1 -six:0.0017582594818855075 three:0.0017582594818855075 four:0.0009005719297462356 few:0.0008148031745323083 several:0.0008148031745323083 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Andrew:0.0003762809229752951 Arthur:7.5256184595059e-05 Walter:7.5256184595059e-05 a:5.644213844629426e-05 Bishop:5.644213844629426e-05 :0.1 -the:0.5 a:0.3 :0.2 -There:0.00033119697464489617 have:0.0002483977309836721 There:0.0002483977309836721 are:0.0002041324504991002 were:8.392111853851896e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -smell:3.712048720934069e-05 wended:3.093373934111725e-05 retrace:3.093373934111725e-05 blood:3.093373934111725e-05 welfare:3.093373934111725e-05 :0.1 -the:0.5 a:0.3 :0.2 -certain:0.0013118098747012278 acre:0.00043325830724077254 de:0.0002527340125571173 described:0.00022866410659929661 lot:9.627962383128278e-05 :0.1 -the:0.5 a:0.3 :0.2 -within:0.01295136473899253 expire:0.007400779850852875 hundred:0.0027752924440698277 one:0.0020814693330523707 more:0.0013876462220349139 :0.1 -the:0.5 a:0.3 :0.2 -sale:0.03797247867800608 therein:0.00616307245559261 of:0.0051690285111421885 herein:0.004572602144471936 directions:0.0025845142555710942 :0.1 -the:0.5 a:0.3 :0.2 -skill:0.0006820252505531693 whose:0.0006820252505531693 firm:0.0002134582845242744 maiden:0.00010412599245086554 corporate:8.850709358323571e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Hon:0.0011307337084615226 Rev:0.0009893919949038323 the:0.00047113904519230116 Sir:0.00047113904519230116 Mrs:0.00047113904519230116 :0.1 -night:0.00029475001246027753 Valley:0.00016842857854873 int:0.00016842857854873 but:0.00016842857854873 Louis:0.00012632143391154752 :0.1 -the:0.5 a:0.3 :0.2 -many:0.007861635220125786 of:0.004799735187024165 are:0.004799735187024165 for:0.0034907164996539376 upon:0.002896391923204237 :0.1 -the:0.008489861908056607 of:0.008489861908056607 a:0.0016881721314102507 this:0.0010448331262754454 tho:0.000723427071294093 :0.1 -schedule:0.00013053281120208854 Charles:5.221312448083541e-05 a:3.2633202800522134e-05 torm:3.2633202800522134e-05 pal:2.6106562240417706e-05 :0.1 -corporate:0.007502745134968885 within:0.0031652206038149983 cor:0.0010550735346049993 the:0.0009378431418711106 the:0.0008206127491372217 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -inevitably:0.0009641004839608069 to:0.0006025628024755043 necessarily:0.0006025628024755043 and:0.0005658211681782174 of:0.0003416971989647677 :0.1 -civilized:0.003646591625877438 wide:0.001276307069057103 the:0.0010939774877632314 commercial:0.0010939774877632314 outside:0.0010939774877632314 :0.1 -Act:0.0006574662834814317 act:0.0005635425286983699 of:0.00046961877391530824 session:0.00046961877391530824 the:0.00046961877391530824 :0.1 -the:0.0029154554655813404 gain:0.0029154554655813404 seminary:0.0012494809138205744 were:0.0012494809138205744 a:0.0008707143661942034 :0.1 -the:0.002501356963588559 family:0.002501356963588559 a:0.002460620391026833 to:0.0017021754943534085 eminent:0.0014481540315512708 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -devise:0.0001438088837458571 of:4.793629458195237e-05 lungs:3.9946912151626976e-05 inserted:3.9946912151626976e-05 health:3.9946912151626976e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -his:0.003967721063105078 their:0.003052093125465444 no:0.002624800087900282 any:0.0010987535251675599 my:0.0007935442126210155 :0.1 -something:0.00016464763054953392 allowed:0.00012665202349964146 had:0.00012665202349964146 ready:0.00011398682114967732 have:0.00011398682114967732 :0.1 -got:0.0007766943886817704 caught:0.00031864385176688014 lay:0.00029872861103145016 takes:0.00023898288882516012 catch:0.0002190676480897301 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -own:0.0016179803295622015 natural:0.0016179803295622015 way:0.0004194104211468337 respective:0.0002609071197367776 lives:0.000209259976580692 :0.1 -to:0.08204737410300375 will:0.034762176922588435 of:0.010147964691687307 and:0.010147964691687307 would:0.00950022226455833 :0.1 -the:0.002191621566740782 brave:0.002191621566740782 farmers:0.001314972940044469 a:0.00026804208683571003 this:0.0001411509140594831 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -County:0.02242062322647068 of:0.0045756373931572815 the:0.003202946175210097 Coun:0.0022878186965786407 Board:0.0022878186965786407 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thus:0.00023574834909181674 a:0.00018974867122024274 person:0.00018974867122024274 the:0.00013803686229718216 thereby:0.00013799903361472199 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -old:0.00023350058303007367 nigh:0.00023350058303007367 hour:0.00018976193723322084 act:0.00013030471560312402 order:0.00011937005415391084 :0.1 -General:0.0003007414235560614 Gen:0.00027066728120045527 Walter:0.0002405931388448491 Fort:0.00021051899648924296 same:9.022242706681842e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -flourishing:0.0004541785104619786 incorporated:0.0004541785104619786 a:0.00039740619665423125 tb:0.00039740619665423125 city:0.0003406338828464839 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:5.2785139009663586e-05 n:5.2785139009663586e-05 f:5.2785139009663586e-05 acquainted:5.2785139009663586e-05 fe:4.2228111207730866e-05 :0.1 -the:0.5 a:0.3 :0.2 -Dr:0.0011520600142891164 Address:0.0011520600142891164 Mr:0.0010984758275779946 J:0.0007948321028816385 J:0.000687663729459395 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0546218487394958 for:0.015756302521008403 in:0.012605042016806723 and:0.012605042016806723 the:0.0063025210084033615 :0.1 -the:0.5 a:0.3 :0.2 -to:0.0762022630834512 by:0.0037128712871287127 in:0.0028288543140028285 here:0.001768033946251768 a:0.0014144271570014143 :0.1 -fairly:0.0015003476766596827 sleep:0.0012275571899942857 pretty:0.0012275571899942857 remarkably:0.000954766703328889 operated:0.000954766703328889 :0.1 -the:0.009452781868427313 of:0.009452781868427313 a:0.0011561044191511656 throughout:0.00030875920675767606 against:0.00028500849854554714 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -I:0.0004712923134467926 he:0.00034037778193379473 I:0.0002880119693285955 He:0.0002618290630259959 never:0.00018328034411819715 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0012587387580682652 scientific:0.0012587387580682652 the:0.0009156973142326752 made:0.0007666361455140649 in:0.00041230218889676224 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Ever:0.0012319360127880394 elapsed:0.0011459869886400367 and:0.0002005477230120064 first:0.00017189804829600551 some:0.00017189804829600551 :0.1 -the:0.5 a:0.3 :0.2 -within:0.0017094711002681375 exceeding:0.00012690396814217614 less:9.704421093225234e-05 eight:8.95792716297714e-05 hundred:8.95792716297714e-05 :0.1 -the:0.5 a:0.3 :0.2 -I:0.001476077597399295 you:0.0005535290990247357 haven:0.0005166271590897533 we:0.0004059213392848062 ain:0.00036901939934982377 :0.1 -found:0.008682735597684604 The:0.002733453799271079 placed:0.002733453799271079 consider:0.0024118709993568343 felt:0.0024118709993568343 :0.1 -an:0.02645235345630641 rapid:0.0014255759347710042 corresponding:0.0007919866304283356 steady:0.0007919866304283356 greatly:0.0007919866304283356 :0.1 -that:0.002475600597202179 looks:0.002475600597202179 shaped:0.00043959262940973265 excellence:0.0002545009959740558 Ifsome:0.00011568227089729808 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -bids:0.0025348483228803125 the:0.001026010035451555 bid:0.001026010035451555 world:0.0008449494409601042 World:0.0005431817834743527 :0.1 -An:0.0005014793641241662 an:0.0001203550473897999 enabling:0.00010029587282483326 the:9.026628554234993e-05 overt:9.026628554234993e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -apply:0.0005193470285381903 Almost:0.0001731156761793968 two:0.0001731156761793968 proceed:0.0001731156761793968 a:0.00013849254094351743 :0.1 -the:0.5 a:0.3 :0.2 -little:0.00012023490346395868 purely:7.729386651254487e-05 could:5.152924434169658e-05 no:4.294103695141381e-05 are:4.294103695141381e-05 :0.1 -the:0.5 a:0.3 :0.2 -Fifth:0.011349746717228002 Second:0.007802950868094251 Third:0.004965514188787251 Douglas:0.004256155018960501 Fourth:0.004256155018960501 :0.1 -the:0.5 a:0.3 :0.2 -seed:0.0005685110525953036 sick:0.00033163144734726045 from:0.0002368796052480432 comfortable:0.00018950368419843455 a:0.0001421277631488259 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.03951367781155015 a:0.03951367781155015 by:0.01580547112462006 the:0.01580547112462006 on:0.009878419452887538 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0006227089372536389 pills:0.0006227089372536389 rapidly:0.0002668752588229881 While:0.0002668752588229881 exertion:0.0002668752588229881 :0.1 -dear:0.0008706549043455096 quaint:0.00012009033163386341 six:0.00012009033163386341 two:7.505645727116463e-05 three:7.505645727116463e-05 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0011040933125219304 My:0.0011040933125219304 the:0.0006665279860314163 not:0.000569614421296878 in:0.00034693427375557395 :0.1 -the:0.5 a:0.3 :0.2 -same:0.0003665934249209231 our:0.0003665934249209231 first:0.00024259377225553495 most:0.00022329765721724865 United:0.0002202181414046868 :0.1 -the:0.008562978550051482 gratis:0.008562978550051482 removal:0.008562978550051482 remov:0.00513778713003089 a:0.0010472787249938098 :0.1 -the:0.5 a:0.3 :0.2 -also:0.0014611842759605202 not:0.000773568146096746 whatever:0.0006016641136308025 land:0.0006016641136308025 days:0.0005157120973978307 :0.1 -honorably:0.002920352912900978 been:0.0025553087987883554 Knott:0.0025553087987883554 opened:0.0025553087987883554 a:0.0006665341878218822 :0.1 -much:0.005384935817898785 a:0.00041106380289303697 considerably:0.00041106380289303697 one:0.0003288510423144296 somewhat:0.00024663828173582215 :0.1 -dated:0.01286386356953837 law:0.0014701558365186709 Relations:0.0009188473978241692 games:0.0009188473978241692 Alaska:0.0009188473978241692 :0.1 -the:0.5 a:0.3 :0.2 -the:0.004484113573372175 naval:0.004484113573372175 hottest:0.003363085180029131 a:0.0008678379906196296 this:0.0004604333093790526 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.007046464186727702 in:0.007046464186727702 a:0.0013637454138308465 this:0.0007235380575956541 his:0.0005085180751695635 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -too:0.01191353085655691 until:0.003503979663693209 Of:0.0019749703558998087 deceased:0.0008919220962128169 the:0.0007007959327386418 :0.1 -the:0.5 a:0.3 :0.2 -be:0.0006017493593456396 opinion:0.0006017493593456396 views:0.0004513120195092296 to:0.0003946428859076451 only:0.000356583319484547 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -about:0.00018721807007971808 about:0.0001604726314969012 about:0.0001604726314969012 about:0.00013372719291408433 the:0.00010698175433126746 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0029384876583518353 human:0.0007835967088938227 story:0.0006366723259762309 two:0.0005876975316703671 large:0.0005387227373645031 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -been:0.0031554683301608048 advertising:0.0031554683301608048 a:0.00046215461160530817 not:0.00043459593623272467 the:0.0002165324493560128 :0.1 -the:0.5 a:0.3 :0.2 -regular:0.004037715627450098 the:0.0021149939000929085 British:0.0021149939000929085 Confederate:0.0015381773818857517 rebel:0.001442041295517892 :0.1 -very:0.0001871365289206838 at:0.000165120466694721 swelled:0.0001320963733557768 riding:0.000110080311129814 sounds:0.000110080311129814 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -been:0.0016680574957050184 final:0.0016680574957050184 a:0.0004351009743586117 the:0.0003305438071948795 to:0.0002791599670972996 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -law:0.002943430881453031 on:0.0011446675650095123 shall:0.0011446675650095123 Sold:0.0008176196892925088 the:0.0006540957514340071 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hereby:9.414514128711488e-05 plan:6.276342752474324e-05 amendment:3.5304427982668076e-05 changes:3.138171376237162e-05 amendments:2.745899954207517e-05 :0.1 -I:0.00033970340459606055 you:0.0001273887767235227 haven:0.00011889619160862119 we:9.341843626391665e-05 ain:8.492585114901514e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -claim:0.00040605683946541734 sole:0.00036545115551887564 wholesale:0.0003248454715723339 medicinal:0.0003248454715723339 officers:0.00028423978762579216 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -years:0.000975958691549176 year:0.0008675188369326008 days:0.0007590789823160257 President:0.0006506391276994507 cent:0.0006506391276994507 :0.1 -on:0.0003320024857622011 of:0.0002298478747584469 the:0.0002298478747584469 tho:0.0002298478747584469 by:0.0002298478747584469 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.011449341208541573 morning:0.011449341208541573 tho:0.011449341208541573 but:0.001635620172648796 the:0.0013630168105406633 :0.1 -undersigned:0.004682824163898845 Being:0.0035121181229241343 proprietor:0.0023414120819494227 and:0.0017560590614620671 sincerely:0.0017560590614620671 :0.1 -lbs:7.434111369098539e-05 docu:5.203877958368976e-05 and:5.203877958368976e-05 sec:4.4604668214591226e-05 her:4.4604668214591226e-05 :0.1 -but:8.578948632687167e-05 than:4.289474316343583e-05 the:3.431579453074867e-05 Buchu:3.431579453074867e-05 This:3.431579453074867e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -American:0.0076883367480563075 colored:0.0020627244933809604 grateful:0.0015001632679134257 the:0.0015001632679134257 enlightened:0.0013126428594242476 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -legally:0.00032545065587635363 Clintonville:0.0002603605247010829 neatly:0.0002603605247010829 a:0.0001952703935258122 in:0.0001952703935258122 :0.1 -same:3.878853951061642e-05 make:3.878853951061642e-05 friendly:3.878853951061642e-05 evident:3.878853951061642e-05 first:2.566837668240524e-05 :0.1 -The:0.026839826839826837 a:0.026839826839826837 the:0.026839826839826837 any:0.004329004329004329 on:0.002597402597402597 :0.1 -exceeding:0.0009380293331668732 seventy:0.0008754940442890817 to:0.0008129587554112901 four:0.0005628175999001239 less:0.0004690146665834366 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -grew:0.004024397292809551 grow:0.0029268343947705822 soon:0.0020121986464047754 infinitely:0.0007317085986926456 a:0.0005487814490194842 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -seems:0.0006372840024994909 seemed:0.0003641622871425662 amounting:0.00027312171535692466 the:0.00013656085767846233 diagram:0.00013656085767846233 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Several:0.0041456136234614815 at:0.002763742415640988 or:0.001996036189074047 olden:0.0010747887171937175 at:0.0009212474718803292 :0.1 -the:0.5 a:0.3 Why:0.007852435402246102 of:0.004487105944140629 I:0.004487105944140629 why:0.0033653294581054726 Second:0.0033653294581054726 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -We:0.001896713865738314 sincerely:0.0004552113277771954 earnestly:0.0002276056638885977 I:0.0002023161456787535 forlorn:0.00015173710925906513 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -I:0.0004689535184996301 like:0.0003517151388747226 and:0.0003048197870247596 you:0.0003048197870247596 want:0.00028137211109977803 :0.1 -the:0.5 a:0.3 :0.2 -is:0.019198216423764503 are:0.0125923785145122 have:0.0045415135626109574 may:0.003302918954626151 It:0.003302918954626151 :0.1 -the:0.5 a:0.3 :0.2 -who:0.0007174188586809462 per:0.0007174188586809462 in:0.00027949072162012045 of:0.00027236993890368425 to:0.00022964524260506714 :0.1 -by:0.0004377767238734758 make:0.00016128616142707002 with:0.0001382452812232029 into:0.00011520440101933573 out:0.00011520440101933573 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -I:0.006611570247933884 ac:0.0009047411918225315 then:0.0007655502392344497 They:0.0006263592866463679 once:0.0004871683340582862 :0.1 -the:0.5 a:0.3 :0.2 -sltuated:5.2334468310522107e-05 as:3.925085123289157e-05 of:3.925085123289157e-05 embraced:3.925085123289157e-05 any:3.925085123289157e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.003660509914525825 largo:0.003660509914525825 a:0.0004476916686996439 this:0.0002357543511161443 his:0.00020700740385707145 :0.1 -the:0.00999014164172673 Latches:0.00999014164172673 a:0.0012218251791594448 this:0.0006434129165878104 his:0.0005649577063599242 :0.1 -the:0.5 a:0.3 :0.2 -few:0.0002415399503451038 canals:0.0002415399503451038 great:0.00015495820750831185 good:0.0001465311549200902 man:0.00014429105233334776 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Sir:0.0010593362454744068 the:0.000649270602064959 Emperor:0.0005125820542618097 Hon:0.0004442377803602351 Prince:0.0003758935064586604 :0.1 -the:0.5 a:0.3 :0.2 -if:0.007047724413058348 personally:0.0006020669096582508 summons:0.0003187413051131916 here:0.00021249420340879442 you:0.00021249420340879442 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0006317483899355093 years:0.0005527798411935706 centuries:0.0005527798411935706 days:0.0005444762813473152 few:0.0005132955668226013 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -t:0.004298144459586959 oft:0.00018869902505503722 pul:0.0001048327916972429 in:8.386623335779432e-05 wiil:8.386623335779432e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fashion:0.0008546679499518769 Records:0.0005697786333012512 of:0.0004273339749759384 N:0.0004273339749759384 deeds:0.0004273339749759384 :0.1 -the:0.1462610360599936 Circuit:0.023268801191362622 Court:0.019944686735453677 Probate:0.019944686735453677 Federal:0.019944686735453677 :0.1 -the:0.5 a:0.3 th:1.8568203987366325e-05 everybody:1.5473503322805268e-05 constitution:1.5473503322805268e-05 c:1.2378802658244216e-05 energy:1.2378802658244216e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -af:0.00017451947595701194 the:0.0001551284230728995 oa:0.0001551284230728995 it:8.380392622337386e-05 a:6.14541169417464e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -about:0.002549250832408435 than:0.0016995005549389566 over:0.0015781076581576025 the:0.0013353218645948946 to:0.0011445615982241953 :0.1 -publicly:0.001388683066587631 and:0.00042728709741157874 fast:0.00042728709741157874 of:0.00032766910360271354 to:0.0002469867615095831 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -And:0.0009077979846884739 road:0.00048415892516718613 Having:0.0003025993282294913 kidneys:0.00024207946258359306 water:0.00024207946258359306 :0.1 -The:0.014566739077962828 great:0.003282645426019792 whole:0.002872314747767318 simple:0.001436157373883659 plain:0.001436157373883659 :0.1 -Sir:0.0006826443187162511 the:0.00041839490501963784 Emperor:0.0003303117671207667 Hon:0.00028627019817133116 Prince:0.00024222862922189557 :0.1 -the:0.5 a:0.3 :0.2 -Why:0.0030340956498653617 Here:0.0022755717373990213 If:0.0022755717373990213 Since:0.0021238669549057533 What:0.001668752607425949 :0.1 -the:0.015120214376667484 most:0.015120214376667484 a:0.0018492489198088894 the:0.001080015312619106 this:0.0009738141440247941 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -iu:0.002831969792322215 buyers:0.0006068506697833318 popular:0.0005394228175851838 argument:0.0003371392609907399 in:0.0003371392609907399 :0.1 -Lake:0.00031937517690879897 Angeles:0.0003005884017965167 Bow:0.00015029420089825835 secretary:0.00015029420089825835 torpid:0.00013150742578597606 :0.1 -the:0.5 a:0.3 :0.2 -she:0.0024352134146341463 commonly:0.0006516768292682927 seriously:0.00024009146341463414 I:0.00020579268292682926 keenly:0.00020579268292682926 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.004430871481649576 a:0.0016000369239290138 any:0.0014154172788602814 other:0.001230797633791549 in:0.001230797633791549 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -smell:4.0306024308792646e-05 wended:3.358835359066054e-05 retrace:3.358835359066054e-05 blood:3.358835359066054e-05 welfare:3.358835359066054e-05 :0.1 -the:0.5 a:0.3 :0.2 -perfect:0.0030750384087131068 the:0.0026357472074683775 ill:0.0026357472074683775 failing:0.001903595205393828 gen:0.0013178736037341887 :0.1 -West:0.010509716977766611 East:0.006688001713124207 the:0.0028662864484818034 extra:0.0028662864484818034 be:0.0012362398474706797 :0.1 -thrown:0.0007255726975222066 wide:0.0005224123422159887 to:0.00023218326320710613 broken:0.00023218326320710613 burst:0.00020316035530621785 :0.1 -successively:0.000590279660047102 The:0.000295139830023551 tactics:0.000295139830023551 the:0.000295139830023551 closely:0.000295139830023551 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0010465000780440737 weighed:0.0010465000780440737 in:0.00031927121025073434 of:0.0002483220524172378 but:0.0002305847629588637 :0.1 -the:0.5 a:0.3 :0.2 -wish:0.0001725625539257981 the:9.412502941407168e-05 route:9.412502941407168e-05 he:5.7520851308599364e-05 to:5.7520851308599364e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.032692307692307694 on:0.01730769230769231 to:0.014903846153846155 and:0.010817307692307692 in:0.004056490384615384 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -beg:0.000758097097332478 Returning:0.0003989984722802516 the:0.0002593490069821635 asked:0.0002593490069821635 trains:0.00023939908336815093 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -who:0.000558326023216785 they:0.000558326023216785 ho:0.00037221734881119005 he:0.00037221734881119005 of:0.00029739295486157214 :0.1 -Or:0.00021447068634609785 the:0.00012868241180765872 ex:0.00012868241180765872 a:0.00012568979757957363 them:5.0874441877446466e-05 :0.1 -N:0.004356181934657271 south:0.00281870595771941 No:0.0025624599615631004 north:0.00230621396540679 deg:0.0017937219730941704 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -most:0.02613430127041742 and:0.021234119782214154 of:0.011978221415607984 with:0.0070780399274047185 his:0.006533575317604355 :0.1 -the:0.5 a:0.3 :0.2 -the:0.01660886019692381 t:0.01660886019692381 w:0.014615796973292955 them:0.004238122946801248 whether:0.003894491356520066 :0.1 -the:0.5 a:0.3 :0.2 -routine:0.0003402546107848186 transact:0.0002916468092441302 transacting:0.0001944312061627535 copartners:9.721560308137675e-05 o:9.721560308137675e-05 :0.1 -two:0.0004930405684225639 Two:7.121697099437035e-05 two:7.121697099437035e-05 two:3.286937122817093e-05 twoor:2.739114269014244e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.003957268522615069 extreme:0.003957268522615069 northern:0.002374361113569042 ex:0.002374361113569042 sunny:0.002374361113569042 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0033163909015536566 Red:0.0033163909015536566 via:0.0024872931761652423 if:0.0023431022674020403 in:0.002162863631448037 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Main:0.0026718317929299218 Wall:0.002186044194215391 Spruce:0.0014573627961435938 Fifty:0.0012144689967863282 Thirteenth:0.0012144689967863282 :0.1 -the:0.5 a:0.3 :0.2 -Commercial:0.0001302125011673865 commercial:9.594605349175849e-05 baseball:5.4826316281004845e-05 ball:4.7973026745879243e-05 Yacht:4.1119737210753635e-05 :0.1 -t:0.005881553873116953 f:0.0033893700285758713 tw:0.0017943723680695792 c:0.0012959355991613627 twenty:0.001096560891598076 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ve:0.00014873624751957385 v:0.00014873624751957385 v:0.00014873624751957385 evi:0.00011898899801565907 vt:0.00011898899801565907 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -inland:0.0039001067682407774 Caspian:0.0031200854145926214 the:0.0023400640609444663 land:0.0023400640609444663 a:0.0006993139419123058 :0.1 -caused:0.0012536648334715897 the:0.001096956729287641 followed:0.001096956729287641 secured:0.001096956729287641 accompanied:0.0009402486251036923 :0.1 -the:0.5 a:0.3 :0.2 -rural:0.0040128641717049615 Safe:0.0021888350027481607 the:0.0018240291689568006 rural:0.0018240291689568006 mail:0.0018240291689568006 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -acre:0.0003715709024116659 been:0.00012385696747055532 exceptionally:0.00012385696747055532 peace:9.908557397644425e-05 the:7.431418048233319e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0005984990831503407 dispatch:0.0005984990831503407 a:0.0005887520531647034 to:0.0004072791239159835 it:0.00020762221937147796 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Several:0.0009254858716260441 at:0.0006169905810840294 or:0.0004456043085606879 olden:0.00023994078153267807 at:0.0002056635270280098 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0036800566373995534 Proper:0.0036800566373995534 line:0.0036800566373995534 block:0.0029440453099196426 Brigade:0.002208033982439732 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -own:0.000224230737825904 popula:0.000224230737825904 sec:0.000224230737825904 wife:8.262620045097387e-05 wife:5.6434542839376675e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -The:0.00019393375223023812 was:0.00019393375223023812 after:0.00014406507308531975 since:4.986867914491838e-05 After:3.878675044604763e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.015873015873015872 of:0.015873015873015872 several:0.009523809523809523 :0.1 -the:0.5 a:0.3 :0.2 -alien:0.0010137225729000736 worst:0.0006450961827545922 dangerous:0.0003686263901454813 armed:0.000276469792609111 the:0.00023021629118401258 :0.1 -the:0.5 a:0.3 :0.2 -interstate:0.009029982363315696 our:0.005079365079365079 Interstate:0.004797178130511464 foreign:0.004797178130511464 of:0.0025396825396825397 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.002692576495650337 poor:0.002692576495650337 great:0.0017274029689451156 good:0.001633462054846907 man:0.0016084904194537126 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -witb:0.00016011493492377055 feet:5.094566111210881e-05 orer:3.638975793722058e-05 Wben:2.9111806349776463e-05 duriug:2.9111806349776463e-05 :0.1 -forward:0.0016089559755564148 poles:0.000536318658518805 be:0.0004022389938891037 power:0.0004022389938891037 came:0.0004022389938891037 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -more:0.004743833017077799 of:0.0037950664136622387 doubt:0.003478810879190386 one:0.003162555344718533 under:0.0028462998102466793 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.026119402985074626 good:0.026119402985074626 of:0.013059701492537313 improved:0.009328358208955223 one:0.009328358208955223 :0.1 -City:0.03994529800231276 Common:0.017008965600984787 Town:0.004381097200253658 the:0.003607962400208895 the:0.0033502508001939735 :0.1 -and:0.0006958197291655516 that:0.0003913985976556228 and:0.00013046619921854092 for:0.00011959401595032917 pat:8.697746614569395e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 ballot:0.00027126346463922276 strong:6.028076991982728e-05 jury:5.4252692927844554e-05 wooden:4.2196538943879095e-05 tin:4.2196538943879095e-05 :0.1 -the:0.5 a:0.3 :0.2 -faster:0.0010609190721899526 the:0.00022733980118356124 Don:0.00022733980118356124 a:6.0424814562409903e-05 that:5.3420468711093816e-05 :0.1 -and:0.026560424966799466 my:0.019730601403908178 but:0.005312084993359893 pure:0.0037943464238284954 that:0.0037943464238284954 :0.1 -the:0.5 a:0.3 :0.2 -practical:0.0007106670497585176 personal:0.0006662503591486103 My:0.000488583596708981 years:0.00039975021548916626 actual:0.0003553335248792588 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -result:0.001044020693266516 comparatively:0.000559296799964205 a:0.000186432266654735 care:0.000186432266654735 is:0.000186432266654735 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.04159934629598678 the:0.04159934629598678 said:0.031199509721990083 agricultural:0.015599754860995041 and:0.010102698386168217 :0.1 -the:0.5 a:0.3 :0.2 -peculiar:0.0015073417027690814 the:0.0010962485111047865 under:0.0010962485111047865 under:0.0006851553194404915 under:0.0006851553194404915 :0.1 -the:0.5 a:0.3 :0.2 -same:0.00017926290094062174 the:0.00017926290094062174 from:0.00014341032075249738 worthy:0.00014341032075249738 first:0.0001186275050460504 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -S:0.009419930589985125 C:0.00842835894893406 S:0.007365960762093632 D:0.004957858205255329 C:0.004532898930519159 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -assembly:0.0017780938833570413 and:0.001422475106685633 Assembly:0.001422475106685633 classifica:0.0010668563300142249 but:0.0003951319740793425 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -two:0.0011829342025709104 Two:0.00017086827370468705 two:0.00017086827370468705 two:7.886228017139402e-05 twoor:6.571856680949502e-05 :0.1 -being:0.0014732414514630995 tons:0.0005124318092045563 have:0.0003202698807528477 house:0.0002241889165269934 has:0.0002241889165269934 :0.1 -t:0.0008373008687507063 oft:3.675955033539686e-05 pul:2.0421972408553808e-05 in:1.633757792684305e-05 wiil:1.633757792684305e-05 :0.1 -the:0.5 a:0.3 :0.2 -Attorney:0.008899953145518204 Postmaster:0.003814265633793516 Adjutant:0.0013383388188749179 Brigadier:0.0010037541141561883 the:0.0009368371732124425 :0.1 -the:0.5 a:0.3 :0.2 -h:0.009801341839746723 b:0.0025410886251195208 sa:0.0021780759643881603 mi:0.0021780759643881603 be:0.0018150633036568004 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thereunder:0.00018052216638367034 them:7.220886655346814e-05 your:5.77670932427745e-05 bulkhead:5.77670932427745e-05 with:5.0546206587427687e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0008945246336945347 silver:0.0008945246336945347 iced:0.00039756650386423763 coffee:0.0002981748778981782 Japanese:0.0002981748778981782 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00042886250622145295 behind:0.00042886250622145295 kill:0.00025731750373287173 assist:0.00015724958561453276 beside:0.00014295416874048433 :0.1 -the:0.5 a:0.3 :0.2 -genuine:0.0019380413346536847 An:0.0019380413346536847 recent:0.0012458837151345114 editorial:0.0009690206673268423 fifth:0.0008305891434230077 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -who:0.0004628534400296226 and:0.00027771206401777356 who:0.00027771206401777356 system:0.00016971292801086163 reaction:0.00012857040000822852 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -civilized:0.003646591625877438 wide:0.001276307069057103 the:0.0010939774877632314 commercial:0.0010939774877632314 outside:0.0010939774877632314 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -post:0.014476189329436725 stone:0.005587301144694876 stake:0.0029206346892723216 poat:0.002793650572347438 deep:0.002285714104647904 :0.1 -the:0.5 a:0.3 :0.2 -own:0.004969939879759519 real:0.002839965645576868 described:0.002011642332283615 sufficient:0.0013016509208893978 diligence:0.0010649871170913254 :0.1 -funeral:0.013763138984976855 Funeral:0.002372954997409803 religious:0.0021356594976688226 The:0.0011864774987049014 revival:0.0011864774987049014 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -faithfully:0.0019592222123867692 of:0.0007347083296450384 able:0.0007347083296450384 to:0.00017408751585966774 the:0.00016523560827358296 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -railroad:0.004424024838275045 double:0.002903266300117999 race:0.0027650155239219037 main:0.0019355108667453325 the:0.0006912538809804759 :0.1 -curtain:6.216274552126054e-05 He:4.144183034750702e-05 I:3.4534858622922516e-05 shout:3.4534858622922516e-05 and:3.4534858622922516e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 ti:0.0018667358050298156 e:0.001711174487943998 tl:0.0014000518537723616 t:0.0014000518537723616 i:0.001244490536686544 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Sir:0.005727319521904825 Col:0.003221617231071464 Nimrod:0.0017897873505952578 of:0.0014318298804762062 junior:0.0014318298804762062 :0.1 -the:0.5 a:0.3 :0.2 -scours:0.0005075516225880544 patient:0.0003383677483920363 and:0.0002537758112940272 respects:0.0002537758112940272 be:0.0002537758112940272 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -full:0.0033777543211505477 Any:0.0008444385802876369 in:0.0007036988169063642 condemn:0.0005629590535250913 the:0.00042221929014381847 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002392229171939212 UNDER:0.002392229171939212 he:0.0015614266603998699 it:0.001321149234125119 they:0.0013008122732805476 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -an:0.05969030969030968 of:0.03316128316128315 his:0.013264513264513264 from:0.009948384948384948 its:0.009948384948384948 :0.1 -the:0.5 a:0.3 :0.2 -don:0.006013406835921699 don:0.0009731239278047562 not:0.0004491341205252721 didn:0.0004491341205252721 I:0.00027447085143211076 :0.1 -of:0.006625566893424036 the:0.0042871315192743766 said:0.003117913832199546 Gen:0.0027281746031746035 for:0.00233843537414966 :0.1 -the:0.5 a:0.3 :0.2 -own:0.0004485368056343858 trade:0.0004485368056343858 people:0.000178309704367533 country:0.00013109530377443973 present:9.543336290093315e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -would:0.010580290739394285 not:0.01035028441897267 can:0.007590208573913291 to:0.004600126408432298 they:0.004600126408432298 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0002839211100985264 own:0.00021294083257389481 from:0.00021294083257389481 reliable:0.00021294083257389481 mind:0.00010028027580514815 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.00928188854266883 An:0.00928188854266883 seasons:0.004640944271334415 have:0.0011235855178360313 not:0.0008993060327762586 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -says:0.002747902195406378 said:0.0019436381382142679 the:0.0007372420524261015 entitled:0.0007372420524261015 a:0.0007252354836710665 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -very:6.477366275309199e-05 at:5.715323184096352e-05 swelled:4.572258547277081e-05 riding:3.810215456064235e-05 sounds:3.810215456064235e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -suit:0.0002762362612338018 satisfy:0.0002578205104848817 Ashland:0.00014732600599136098 proper:0.00011049450449352075 the:9.207875374460061e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Rocky:0.0024591117887327336 rough:0.0012295558943663668 the:0.0009221669207747752 rugged:0.0009221669207747752 and:0.0009221669207747752 :0.1 -the:0.5 a:0.3 :0.2 -wheat:0.0014156567295672752 extremely:0.0008365244311079354 wneat:0.00045043623213504217 bbls:0.00038608819897289326 long:0.0002573921326485955 :0.1 -A:0.00017627134423100785 amidst:0.00017627134423100785 like:0.00013220350817325587 relief:8.813567211550393e-05 of:8.813567211550393e-05 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0005128563769028138 district:0.0005128563769028138 probate:0.00037609467639539677 sole:0.00037609467639539677 the:0.00037308870002359794 :0.1 -w:0.02305941586716137 W:0.006059408549035104 I:0.0018514859455385042 old:0.001346535233118912 tho:0.0010099014248391841 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -on:0.026683070052104872 In:0.004996829597772447 his:0.0010993025115099385 of:0.0009993659195544895 On:0.0007994927356435916 :0.1 -the:0.5 a:0.3 :0.2 -of:0.0021286622387218204 highly:0.0021286622387218204 to:0.0009519483303600688 for:0.0005685246972983745 that:0.0004693634128858673 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00041027398277130147 with:0.00041027398277130147 a:4.734702197262941e-05 this:2.7685970475520587e-05 said:2.5679740730917646e-05 :0.1 -a:0.03824111230430114 most:0.004035494263267959 more:0.003843327869779009 no:0.003843327869779009 its:0.003651161476290058 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -first:0.0009709913954641642 Jackson:0.000755215529805461 Ist:0.0006473275969761093 landlady:0.0005394396641467578 her:0.0005394396641467578 :0.1 -ascertain:0.0004731951025474797 many:8.952339777925291e-05 each:7.673434095364536e-05 either:6.39452841280378e-05 to:6.39452841280378e-05 :0.1 -the:0.5 a:0.3 :0.2 -cared:0.003497326578496856 provided:0.003297479345439893 accounted:0.0009992361652848161 hoped:0.0007993889322278528 uncared:0.0005995416991708897 :0.1 -same:6.526423579555226e-05 the:6.526423579555226e-05 An:6.526423579555226e-05 first:4.318871010420595e-05 most:3.9753443358577685e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -absolutely:0.0002270663411914542 same:3.5852580188124345e-05 purity:3.5852580188124345e-05 deemed:3.5852580188124345e-05 first:2.3725501009210082e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.011132833713478875 exhibit:0.011132833713478875 a:0.00380145541435864 at:0.0014934289127837516 better:0.0014255457803844902 :0.1 -the:0.5 a:0.3 :0.2 -the:0.016373332778892434 Red:0.016373332778892434 the:0.005457777592964144 a:0.004724876030480388 that:0.004631314128886717 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0005972588493109981 Whatever:0.0005972588493109981 the:0.0003476581361661034 for:0.0002763436466961334 at:0.00027188649110426033 :0.1 -fairly:0.0033036579357755332 moderately:0.0013076979329111485 to:0.000344131034976618 the:0.000344131034976618 free:0.0002753048279812944 :0.1 -exceeding:0.0007981070421164886 seventy:0.0007448999059753894 to:0.0006916927698342901 four:0.0004788642252698932 less:0.0003990535210582443 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -valuable:0.0015824264548067977 definite:0.0013389762309903674 accurate:0.0007303506714492913 reliable:0.0006086255595410761 latest:0.0006086255595410761 :0.1 -dead:0.001127949975583007 my:0.00048340713239271733 legislative:0.0004143489706223292 of:0.0002532132598247567 lifeless:0.0002532132598247567 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 Ginger:0.00014878959663140352 reading:0.00014878959663140352 Wiggins:0.00014878959663140352 the:0.00014878959663140352 laud:0.00014878959663140352 :0.1 -the:0.5 a:0.3 :0.2 -lots:0.0010157116256680355 from:0.0007147600328775064 in:0.0007147600328775064 in:0.000564284236482242 component:0.0005266652873834258 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0004371174145684629 one:0.0004371174145684629 nf:0.0004371174145684629 combined:0.00026227044874107777 f:0.00026227044874107777 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.02677619463022196 The:0.007560337307356789 of:0.007560337307356789 and:0.0066152951439371905 these:0.005355238926044392 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 extra:0.0012483471719187589 Baltimore:0.0007202002914915917 Central:0.0003360934693627428 Chesapeake:0.00028808011659663666 Baltimore:0.00024006676383053055 :0.1 -the:0.5 a:0.3 :0.2 -art:5.5353825144225296e-05 stomach:4.305297511217524e-05 not:3.69025500961502e-05 teke:3.0752125080125165e-05 of:3.0752125080125165e-05 :0.1 -the:0.5 a:0.3 :0.2 -is:0.06233766233766234 be:0.021818181818181816 and:0.015584415584415584 been:0.012467532467532468 was:0.012467532467532468 :0.1 -a:0.0018066981477631592 market:0.0018066981477631592 the:0.0010906821589604994 not:0.0009320963257585277 in:0.0005677106297818483 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dated:0.003654016275869749 day:0.0006985619350927461 seller:0.0004298842677493822 Monday:0.0004298842677493822 Dated:0.00037614873428070946 :0.1 -to:0.05548881383593626 have:0.003989391844413718 and:0.003989391844413718 are:0.0022440329124827165 would:0.001813359929278963 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -snug:0.00017325662516357032 with:0.00013860530013085624 have:0.00012127963761449922 head:0.00010395397509814218 cute:0.00010395397509814218 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -greatly:0.005870218219031486 materially:0.0027953420090626123 becoming:0.0022362736072500896 considerably:0.0011181368036250448 be:0.0008386026027187836 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -alas:9.791581232057813e-05 Oh:6.854106862440468e-05 Ah:4.895790616028906e-05 God:4.4062115544260153e-05 oh:3.427053431220234e-05 :0.1 -the:0.5 a:0.3 :0.2 -At:0.01407788373394288 entire:0.010750383942283654 the:0.009214614807671703 full:0.009214614807671703 reasonable:0.002815576746788576 :0.1 -membrane:0.0001804191170129554 and:0.0001804191170129554 of:0.00016037254845596035 as:0.00016037254845596035 neither:0.00010023284278497522 :0.1 -of:0.005529360104466479 highly:0.005529360104466479 in:0.0023504957747451137 and:0.002036406030983285 gratefully:0.0018431200348221597 :0.1 -playing:0.0006822647551124372 manhood:0.0002729059020449749 part:0.00020467942653373117 chases:0.00020467942653373117 atmos:0.00020467942653373117 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -not:0.0008598424181064741 if:0.0008598424181064741 in:0.0006751439475945084 the:0.0006154721340444888 to:0.0004921503860411147 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0007366748519427994 country:0.0007366748519427994 days:0.0003683374259713997 durable:0.00027625306947854977 to:0.00027625306947854977 :0.1 -above:0.0201338567828059 act:0.00933032387495883 the:0.006547595701725496 shall:0.002455348388147061 Act:0.001636898925431374 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -exalted:0.001029260841547531 that:0.0007547912838015226 in:0.0007547912838015226 false:0.0006861738943650206 upright:0.0006175565049285186 :0.1 -the:0.5 a:0.3 :0.2 -million:0.0005514686123610529 or:0.00025066755107320583 years:0.0002168212778104571 of:0.0001528210520045322 for:0.0001504005306439235 :0.1 -mail:0.00022207877472892184 tenth:6.662363241867655e-05 residue:5.551969368223046e-05 mall:5.551969368223046e-05 sessions:4.441575494578437e-05 :0.1 -no:0.00550122249388753 in:0.0030351572380069134 the:0.0028665373914509734 our:0.0024660652558806174 heartfelt:0.001707275946378889 :0.1 -the:0.0022347561876130562 its:0.0009932249722724694 known:0.0009932249722724694 successfully:0.0009932249722724694 the:0.0007449187292043521 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.0019142278409033627 deg:0.0019142278409033627 Jan:0.0010074883373175595 rate:0.0008059906698540476 Sec:0.0008059906698540476 :0.1 -and:0.0003022855812800585 them:0.0003022855812800585 government:0.00023427132549204535 cure:0.0001813713487680351 country:0.0001813713487680351 :0.1 -the:0.5 a:0.3 :0.2 -to:0.0005812175495271164 and:0.0005812175495271164 in:0.00027225665921638 and:0.00015125369956465556 a:0.00011596116966623593 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -liberal:0.0011910375433838364 peculiar:0.0011910375433838364 optimistic:0.000952830034707069 the:0.0007146225260303018 conflicting:0.0007146225260303018 :0.1 -buyers:0.0005227422832640436 argument:0.0002904123795911353 in:0.0002904123795911353 and:0.00023232990367290826 arguments:0.00023232990367290826 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0013348653114878277 special:0.0013348653114878277 interesting:0.0007627801779930444 main:0.0007627801779930444 striking:0.0005720851334947832 :0.1 -disposed:0.011154436960888574 complained:0.003253377446925834 proud:0.003253377446925834 sight:0.003253377446925834 despaired:0.0030209933435739887 :0.1 -the:0.5 a:0.3 :0.2 -please:0.0003908503519095419 Simply:0.00026056690127302794 to:0.00019542517595477096 the:0.00019542517595477096 we:0.00019542517595477096 :0.1 -the:0.5 a:0.3 :0.2 -action:0.0003955464308075465 an:0.00010027937682444843 defendants:7.242399437321274e-05 ac:6.685291788296561e-05 Action:6.128184139271848e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002432898773006135 dairy:0.002432898773006135 a:0.0023932770961145196 to:0.0016555896387184731 it:0.000843984321745058 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -you:0.00019327700534915268 couldn:9.203666921388224e-05 imitations:6.442566844971756e-05 You:4.601833460694112e-05 You:4.601833460694112e-05 :0.1 -but:7.897465952569482e-05 than:3.948732976284741e-05 The:3.158986381027793e-05 Buchu:3.158986381027793e-05 This:3.158986381027793e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dead:0.0014679350959528761 my:0.0006291150411226612 legislative:0.0005392414638194239 been:0.0003295364501118702 lifeless:0.0003295364501118702 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -heartfelt:0.0017832717359340324 deepest:0.0011888478239560215 sincere:0.0011888478239560215 hearty:0.0009907065199633513 been:0.0005944239119780108 :0.1 -rapid:0.00812069091960852 thick:0.0016241381839217038 vigorous:0.001421120910931491 slow:0.001421120910931491 annual:0.001421120910931491 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -absolutely:0.0022405616341162854 deemed:0.0011202808170581427 of:0.0010306583516934912 may:0.0010306583516934912 deem:0.0009410358863288398 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Western:0.0024872826179294224 prime:0.0016774696725570526 Wes:0.0004627502544984972 have:0.0004049064726861851 western:0.0004049064726861851 :0.1 -matters:0.025040594449689986 the:0.0062601486124224965 papers:0.0062601486124224965 privileges:0.005216790510352081 questions:0.005216790510352081 :0.1 -the:0.5 a:0.3 :0.2 -Vice:0.0018031299084813887 in:0.00046747812442110077 elected:0.00046747812442110077 with:0.0002811406902112914 after:0.00021249005655504582 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -j:0.00020113474569637772 the:0.00010056737284818886 p:0.00010056737284818886 yo:6.70449152321259e-05 be:5.028368642409443e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -annum:0.004962499295099532 installments:0.0015789770484407602 per:0.0013534088986635088 Installments:0.001240624823774883 due:0.0010714487114419444 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.025507194336864242 or:0.00750211598143066 all:0.005251481187001462 no:0.004501269588858396 any:0.004501269588858396 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0017189374334417799 via:0.0017189374334417799 be:0.0007413840133303056 a:0.0002699390376409517 make:0.00015064438298328025 :0.1 -of:0.004544392978085711 Francis:0.004544392978085711 Quincy:0.003408294733564283 to:0.0003946474986917165 and:0.0002757126360722951 :0.1 -the:0.5 a:0.3 :0.2 -carefully:0.001256287251887769 the:0.0008375248345918459 to:0.0008375248345918459 it:0.0004885561535119102 be:0.000361227529899234 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0027242096207613447 able:0.0027242096207613447 who:0.0006380385690730519 but:0.0005806867875833394 the:0.00048749014266255645 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -liberally:0.004359233485442417 States:0.0029061556569616115 remedies:0.0029061556569616115 abundantly:0.0021796167427212084 amply:0.0021796167427212084 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.03693570451436389 her:0.02051983584131327 to:0.02051983584131327 end:0.012311901504787962 end:0.012311901504787962 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.002704644438097958 On:0.002704644438097958 to:0.0020039880867383365 the:0.0014752606025988863 one:0.0013735822402643765 :0.1 -in:0.006027253668763103 finest:0.006027253668763103 by:0.0030438638929204966 to:0.001854539590388647 as:0.001229640380583777 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00021605897008106513 general:0.00021605897008106513 hearty:0.00014403931338737675 first:0.00014297736134497653 most:0.00013160482038181772 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -take:0.0036557499297729407 took:0.0019093725747858672 to:0.0004191305651968976 will:0.0001629952197987935 control:0.00013971018839896586 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -most:0.007845008060884236 a:0.00045699076082820784 truly:0.00045699076082820784 the:0.00045699076082820784 the:0.0003487490035381243 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -most:0.008684954481963847 the:0.0008684954481963848 highly:0.0003990384491713119 An:0.000328619899317551 vitally:0.00023472849951253642 :0.1 -dearly:0.0014070481370223457 have:0.0012060412603048679 of:0.0012060412603048679 are:0.0011322104170782704 had:0.0010352816564176534 :0.1 -the:0.5 a:0.3 :0.2 -have:0.002920053326452501 pm:0.002920053326452501 are:0.0023996903625338665 were:0.0009865393712639229 will:0.0008953683395690878 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -marked:0.0010846510977761264 slightest:0.0007747507841258047 few:0.0004648504704754828 the:0.0004648504704754828 great:0.00029822145595939263 :0.1 -dear:0.0003773902062635957 quaint:5.2053821553599406e-05 six:5.2053821553599406e-05 two:3.253363847099963e-05 three:3.253363847099963e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -kingdom:0.0004011655535458393 success:0.0002552871704382614 building:0.00018234797888447244 abroad:0.00014587838310757794 a:0.00010940878733068344 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -her:0.0035646374958692457 woman:0.0005056223398396093 herself:0.0004044978718716875 the:0.00022753005292782422 husband:0.00022753005292782422 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Pacific:0.0010799342541453502 Ohio:0.0005399671270726751 Central:0.0003493904939882015 elevated:0.0003176277218074559 Pennsylvania:0.0002858649496267103 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -strong:0.002101885995356377 unfortunate:0.0006467341524173468 fortunate:0.0004311561016115645 foolish:0.00037726158891011896 smart:0.00019761321323863372 :0.1 -the:0.5 a:0.3 :0.2 -o:0.00013269076142352284 one:0.00013269076142352284 h:0.00013269076142352284 to:9.951807106764213e-05 same:4.9759035533821066e-05 :0.1 -the:0.5 a:0.3 :0.2 -is:0.008585164835164836 and:0.005151098901098901 was:0.005151098901098901 of:0.0020604395604395605 which:0.0015453296703296703 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0005087423888148496 cents:0.0005087423888148496 a:0.0001423148643220625 their:2.9926022871461745e-05 his:2.9926022871461745e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0024556951663733478 he:0.0018417713747800107 they:0.0016371301109155652 and:0.0010232063193222282 of:0.0010232063193222282 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -that:0.05781707872506811 but:0.020435346790756828 can:0.01096530803406464 could:0.009968461849149674 to:0.00548265401703232 :0.1 -the:0.5 a:0.3 :0.2 -but:0.00010132967538682465 than:5.0664837693412326e-05 and:4.053187015472987e-05 Buchu:4.053187015472987e-05 This:4.053187015472987e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fellow:0.0010912310456810941 prominent:0.00046767044814904034 loyal:0.000363743681893698 male:0.0002857986072021913 abiding:0.00020785353251068456 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -U:0.08617768094892278 the:0.0036310820624546117 Chas:0.002178649237472767 Pullman:0.0019365770999757927 Pa:0.0016945049624788188 :0.1 -near:0.0057360341708343685 desire:0.0014340085427085921 the:0.0013237001932694696 immediate:0.0008824667955129798 at:0.0005515417471956124 :0.1 -the:0.5 a:0.3 :0.2 -average:0.000913749051441461 lb:0.0006526778938867577 old:0.00030458301714715363 sheep:0.0002610711575547031 inches:0.0002175592979622526 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0013034326895965816 plainly:0.0013034326895965816 seldom:0.0013034326895965816 be:0.0005621752948762914 a:0.000204688872913172 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -read:0.00015136604893252394 power:0.00015136604893252394 another:0.00011772914916974083 Clerk:0.0001009106992883493 sea:0.0001009106992883493 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.011974998539634324 on:0.003212804486243355 in:0.0029207313511303234 for:0.0026286582160172907 that:0.002336585080904259 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 knows:0.00138270311180974 no:0.00048030739673390974 to:0.0002328763135679562 not:0.00021832154396995895 See:0.00018921200477396444 :0.1 -the:0.013640873015873014 to:0.011160714285714284 a:0.008680555555555556 will:0.00744047619047619 I:0.006200396825396825 :0.1 -the:0.5 a:0.3 :0.2 -art:0.00015065015819809414 stomach:0.00011717234526518434 not:0.00010043343879872943 teke:8.369453233227454e-05 of:8.369453233227454e-05 :0.1 -other:0.0007457351867949577 either:0.0007457351867949577 legislative:0.0006835905878953779 of:0.0006533776025385882 important:0.0005593013900962182 :0.1 -Not:0.0028255602076607653 that:0.00010867539260233711 today:9.660034897985522e-05 essential:9.660034897985522e-05 rider:9.660034897985522e-05 :0.1 -on:0.001157290964872317 on:0.000900115194900691 on:0.0007286646815862737 the:0.0006858020532576693 tho:0.0006000767966004607 :0.1 -of:0.0013654175709867217 literally:0.0013654175709867217 badly:0.0013654175709867217 and:0.0007319130222856752 to:0.0002613975079591697 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -became:0.005818397704522274 it:0.002181899139195853 It:0.0019394659015074247 be:0.0012121661884421406 self:0.0009697329507537124 :0.1 -carried:0.0002463607825842804 wiped:8.033503779922188e-05 blown:8.033503779922188e-05 pointed:8.033503779922188e-05 broke:6.962369942599228e-05 :0.1 -annual:0.006594546992274787 minority:0.0026052531327505337 detailed:0.0017911115287659917 to:0.001384040726773721 conference:0.001384040726773721 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.020124098608083178 to:0.018447090390742913 and:0.01677008217340265 minutes:0.008385041086701324 their:0.008385041086701324 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.004667647945611533 streets:0.004667647945611533 roads:0.004667647945611533 a:0.0014159422631413563 and:0.0006907966297266455 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0019229113025608128 replied:0.0019229113025608128 on:0.0006919510942033504 in:0.0004900082855946473 to:0.0004424923306278936 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0003452212326419207 the:0.0003452212326419207 of:0.0003452212326419207 Pan:0.0002959039136930749 the:0.0002959039136930749 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.018212862834376776 his:0.012521343198634035 in:0.010813887307911212 and:0.005691519635742743 appetite:0.004553215708594194 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -tumors:0.0002712783994574432 claimant:0.0001743932567940706 breath:0.0001550162282613961 the:0.0001356391997287216 due:0.00011626217119604709 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -intense:0.0020817646277184747 Great:0.0018215440492536652 by:0.0013011028923240466 undue:0.0013011028923240466 frequent:0.0013011028923240466 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Prince:0.020244184663299844 of:0.015183138497474885 Jessie:0.015183138497474885 and:0.0011030485233208247 in:0.0005839668652874955 :0.1 -the:0.5 a:0.3 :0.2 -fairly:0.0013394431999083163 sleep:0.0010959080726522588 remarkably:0.0008523729453962013 operated:0.0008523729453962013 ever:0.0007306053817681726 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -declare:0.00027228267130245367 over:0.00016755856695535611 until:0.00014661374608593658 throughout:0.0001256689252165171 up:0.0001256689252165171 :0.1 -of:0.12021857923497267 the:0.12021857923497267 is:0.023224043715846996 and:0.01912568306010929 in:0.015027322404371584 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.00017438872742618543 imperative:0.0001426816860759699 tri:0.00012682816540086214 whoso:7.926760337553883e-05 a:7.134084303798495e-05 :0.1 -a:0.0061026352288488205 a:0.0009246417013407303 and:0.0006934812760055478 ai:0.0005547850208044382 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.0022359334314502434 Neb:0.0022359334314502434 by:0.0016132684252235933 in:0.0007641797803690705 the:0.0007641797803690705 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -surface:0.0024873079926985473 burying:0.0007200102084127374 sur:0.0006545547349206703 the:0.0004581883144444692 vantage:0.0004581883144444692 :0.1 -more:0.001766028471199473 of:0.00039503268434725055 not:0.00018589773381047086 a:0.000162660517084162 none:0.00013942330035785313 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00034037467439773417 bush:0.00034037467439773417 bush:0.00017018733719886708 a:9.046843744539584e-05 that:7.99814838802969e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0005613189688600121 American:0.0005613189688600121 any:0.00028280629333691577 a:0.0002816613285865639 to:0.0002415875623242479 :0.1 -the:0.5 a:0.3 :0.2 -very:0.00012945653887061045 at:0.00011422635782700922 swelled:9.138108626160737e-05 riding:7.615090521800615e-05 sounds:7.615090521800615e-05 :0.1 -the:0.5 a:0.3 :0.2 -with:0.03542510121457489 and:0.03542510121457489 most:0.028340080971659916 very:0.02125506072874494 so:0.02125506072874494 :0.1 -be:0.013676588897827835 was:0.007240547063555913 course:0.0056315366049879325 been:0.0056315366049879325 he:0.004022526146419952 :0.1 -during:0.00032101608569733766 the:0.00032101608569733766 about:0.0002675134047477814 of:0.0002140107237982251 of:0.00016050804284866883 :0.1 -for:0.0006426065458760006 and:0.0004417920002897504 declining:0.00036146618205525034 for:0.0003213032729380003 for:0.0003213032729380003 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -For:0.0004524700430760455 for:0.0003132484913603392 past:0.000243637715502486 of:0.00017402693964463286 past:0.00017402693964463286 :0.1 -the:0.5 a:0.3 :0.2 -original:0.007774692036955565 in:0.0017941597008358995 wooden:0.0017941597008358995 on:0.0012414760228772546 up:0.0010950560932688077 :0.1 -middle:0.00036691219789611036 Dearing:0.00010791535232238539 Ireland:8.633228185790832e-05 few:6.474921139343123e-05 Carr:6.474921139343123e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -this:9.035400942170694e-05 fuel:7.228320753736555e-05 examination:7.228320753736555e-05 boot:7.228320753736555e-05 sum:7.228320753736555e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -follow:0.00013115400739745168 ow:0.00010492320591796135 hav:6.120520345214412e-05 same:5.2461602958980675e-05 carry:5.2461602958980675e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.003773100809707434 will:0.003773100809707434 fully:0.003773100809707434 canal:0.002358188006067146 practically:0.001886550404853717 :0.1 -the:0.5 a:0.3 :0.2 -art:0.0001128416354449079 stomach:8.77657164571506e-05 not:7.522775696327193e-05 teke:6.268979746939328e-05 of:6.268979746939328e-05 :0.1 -among:0.0010986848096543257 the:0.0003995217489652093 Among:0.0003995217489652093 of:0.0003995217489652093 all:0.000299641311723907 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -his:0.017165443252399774 my:0.003613777526821005 her:0.003613777526821005 of:0.0018068887634105025 its:0.0018068887634105025 :0.1 -the:0.0004241075099000557 restores:0.0004241075099000557 lias:0.0004241075099000557 completely:0.00031808063242504174 he:0.0002650671936875348 :0.1 -the:0.5 a:0.3 :0.2 -the:0.001976012974611711 Thompson:0.001976012974611711 a:0.0005252059557640818 that:0.0004643249388510209 to:0.00036843019155368784 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00848719997881209 baggage:0.00848719997881209 a:0.0010380107716752806 this:0.0005466162831188478 his:0.00047996406911993557 :0.1 -apply:0.0011106064574306204 Almost:0.00037020215247687344 two:0.00037020215247687344 proceed:0.00037020215247687344 al:0.00029616172198149875 :0.1 -the:0.00021947398509741207 make:0.00021947398509741207 largest:0.00015492281300993793 potassa:0.00014201257859244312 best:0.00014201257859244312 :0.1 -the:0.5 a:0.3 :0.2 -gold:0.0031028099625418516 high:0.0015970345395436001 double:0.0005019251409994172 that:0.0004562955827267429 the:0.0004562955827267429 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.00712015257469803 and:0.005340114431023522 to:0.003560076287349015 in:0.0025429116338207248 by:0.00203432930705658 :0.1 -At:0.00034413330907465426 satisfy:0.00032917099128879974 being:0.00029924635571709063 exactly:0.0001795478134302544 much:0.00016458549564439987 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -steady:0.002085892666816762 quiet:0.0019120682779153653 the:0.0008691219445069843 bbls:0.0008691219445069843 quiet:0.0006952975556055874 :0.1 -side:0.02972136222910217 every:0.02972136222910217 south:0.01981424148606811 southern:0.014860681114551084 day:0.014860681114551084 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -these:0.0002934849280815183 important:9.538260162649346e-05 political:8.80454784244555e-05 vital:5.1359862414265714e-05 ask:5.1359862414265714e-05 :0.1 -of:0.0004903296864202386 to:0.00039226374913619097 the:0.0002941978118521432 and:0.0002941978118521432 from:0.0002941978118521432 :0.1 -the:0.5 a:0.3 :0.2 -On:0.0019219510974063448 the:0.0014414633230547588 but:0.0014414633230547588 a:0.0001762954166322245 this:9.283713425715903e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -personal:0.0033366811491247796 thorough:0.002071043471870553 reli:0.0011505797065947516 practical:0.0010355217359352764 intimate:0.0009204637652758013 :0.1 -the:0.5 a:0.3 :0.2 -elect:0.0027792366946778712 rat:0.0018528244631185807 the:0.0012352163087457205 seel:0.0012352163087457205 quest:0.0012352163087457205 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0008189679398138855 began:0.0008189679398138855 by:0.0007467060627714838 in:0.0007467060627714838 however:0.0005299204316442788 :0.1 -easiest:0.00021822015299854735 the:0.00021822015299854735 uncommon:0.0001600281121989347 The:0.00010183607139932209 The:8.728806119941893e-05 :0.1 -grand:0.003121043633309147 making:0.0010403478777697157 abstraction:0.0004623768345643181 o:0.0004623768345643181 make:0.0004623768345643181 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -he:0.009132906894100923 she:0.0018834399431414356 Y:0.0006751954513148542 He:0.0006751954513148542 ho:0.0005685856432125088 :0.1 -to:0.0008439529381747228 more:0.0008439529381747228 own:0.0005102971254079718 husband:0.0003524648414276216 and:0.0003173001356703415 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -finally:0.0014801145485915706 it:0.0013567716695422729 been:0.00037002863714789266 definitely:0.00037002863714789266 It:0.00037002863714789266 :0.1 -and:0.0009309305920718566 session:0.0009309305920718566 the:0.0009309305920718566 act:0.0005585583552431139 members:0.0005585583552431139 :0.1 -the:0.5 a:0.3 :0.2 -the:0.008991127477554057 real:0.008991127477554057 a:0.0010996426612435003 this:0.0005790716249290294 his:0.0005084619357239317 :0.1 -highly:0.0007410048654793916 the:0.0003293354957686185 may:0.0003293354957686185 valuable:0.00024700162182646386 a:8.75343259606803e-05 :0.1 -the:0.5 a:0.3 :0.2 -All:0.007837750716674974 gave:0.005071485757848512 buying:0.003227309118630871 strict:0.0016136545593154355 awaiting:0.0013831324794132307 :0.1 -by:0.013354936907742917 from:0.008641429763833652 the:0.004320714881916826 The:0.004173417783669662 himself:0.0035351303579319484 :0.1 -and:0.03337378640776699 been:0.03337378640776699 be:0.03337378640776699 state:0.009101941747572815 conditions:0.006067961165048543 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -His:0.005728177209498318 My:0.003290654992690523 Her:0.002925026660169354 Your:0.0008531327758827282 bride:0.0007312566650423385 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -New:0.05101170950604571 of:0.006601515347841209 into:0.004200964312262588 Now:0.002400551035578621 Old:0.0018004132766839662 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -am:0.0040492281891297615 perfectly:0.0018953834076777605 ready:0.0005169227475484801 per:0.0004307689562904001 who:0.0004307689562904001 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.0005599335212545588 hind:0.0005599335212545588 great:0.0003592212992238138 good:0.00033968585913293634 man:0.00033449289404548796 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -i:0.0010690259873982423 i:9.718418067256749e-05 di:6.802892647079724e-05 wit:6.802892647079724e-05 tl:5.831050840354049e-05 :0.1 -at:0.00041976007697647894 for:0.00039766744134613795 at:0.00035348217008545593 time:0.00033138953445511495 a:0.00028720426319443293 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -unless:0.0004780387349803267 doing:0.00045413679823131037 to:0.0002629213042391797 learn:0.0002629213042391797 there:0.00019121549399213068 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.0007089769404007504 dld:0.0007089769404007504 had:0.00041481251197443526 is:0.0003402547075345858 has:0.0002900976390932325 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -State:0.007175660160734788 School:0.001093433929254825 the:0.0010250943086763983 Mayor:0.0005467169646274125 Shipping:0.0005467169646274125 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0006637230753495494 make:0.0006637230753495494 friendly:0.0006637230753495494 the:0.000522220175533106 it:0.00023981017758365673 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0026305504614737097 Through:0.0026305504614737097 this:0.0006112898215234145 a:0.0004058563569130866 that:0.00028560262153143134 :0.1 -the:0.5 a:0.3 :0.2 -the:0.01538933213259698 Great:0.01538933213259698 follows:0.004616799639779094 a:0.002014036318658069 his:0.0008744067144791204 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Crown:0.004955044955044955 The:0.002683982683982684 and:0.002271062271062271 that:0.0020646020646020646 in:0.0016516816516816517 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -will:0.018013110293807824 would:0.005498738931793967 and:0.001169272071703315 Is:0.001169272071703315 had:0.0004454369796965009 :0.1 -might:0.007625626478085495 creek:0.001617557131715105 inevitably:0.001155397951225075 pig:0.001155397951225075 to:0.0009243183609800599 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0016499482510670847 knows:0.0016499482510670847 was:0.0014407998812135106 is:0.0010457418492678706 no:0.0005731399187917242 :0.1 -the:0.5 a:0.3 :0.2 -Beginning:0.0009421827940483689 beginning:0.0008565298127712445 selling:0.0005139178876627467 of:0.00042826490638562224 ti:0.00042826490638562224 :0.1 -the:0.5 a:0.3 :0.2 -carried:0.00231525263747852 broke:0.0015592517762610442 pointed:0.0014647516686088597 worn:0.0009450010765218451 cried:0.0008977510226957527 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0012188899663735956 thereby:0.0012188899663735956 the:0.0009914729122448306 postal:0.0006965085522134833 of:0.00033703534640665864 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0012719130133431145 a:0.0012719130133431145 sufficiently:0.0012719130133431145 a:0.0001664581010387596 his:7.226884633575776e-05 :0.1 -the:0.5 a:0.3 :0.2 -advertisement:0.00037010603739439805 Paracamph:0.00019593849038526958 benefactors:0.0001306256602568464 any:0.0001306256602568464 promises:0.0001306256602568464 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -does:0.000531781152569647 it:0.0004653085084984411 as:0.0003323632203560294 occasion:0.0002658905762848235 It:0.0002658905762848235 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:7.589823384173327e-05 stomach:5.9031959654681436e-05 not:5.0598822561155513e-05 teke:4.21656854676296e-05 of:4.21656854676296e-05 :0.1 -the:0.5 a:0.3 :0.2 -profits:0.0005248509380026246 have:0.0002624254690013123 Brevet:0.0002624254690013123 was:0.00021050714577387254 am:0.00018436084293327725 :0.1 -the:0.5 a:0.3 :0.2 -the:0.008980575258716596 white:0.008980575258716596 black:0.006414696613368997 a:0.004677976685223216 thread:0.0012829393226737994 :0.1 -the:0.004110229704024713 lazily:0.004110229704024713 a:0.0005026937879970288 this:0.0002647184571104135 his:0.00023243974204522594 :0.1 -the:0.5 a:0.3 :0.2 -life:0.0007560403326341041 outdoor:0.0004273271445323197 the:0.00019722791286107063 necessaries:0.00019722791286107063 everyday:0.00019722791286107063 :0.1 -lot:0.0092793598093049 past:0.006379559868897118 with:0.005799599880815563 about:0.005799599880815563 than:0.005799599880815563 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 and:0.0004993508439029261 of:0.0003994806751223409 It:0.0002996105063417557 lot:0.0002996105063417557 which:0.0002996105063417557 :0.1 -the:0.5 a:0.3 :0.2 -don:0.006013406835921699 don:0.0009731239278047562 not:0.0004491341205252721 didn:0.0004491341205252721 I:0.00027447085143211076 :0.1 -by:0.026528314028314025 as:0.010392535392535391 without:0.009845559845559845 for:0.007384169884169884 old:0.004922779922779922 :0.1 -liquor:0.0006196537393540692 slavery:0.0004565869658398405 vexed:0.00039136025643414903 The:0.000260906837622766 Important:0.000260906837622766 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -people:0.0002904306265409397 seventy:0.00021782296990570474 doesn:0.00018151914158808728 exceeding:0.00018151914158808728 those:0.00018151914158808728 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -General:0.0001571462245619549 month:0.0001571462245619549 and:7.857311228097745e-05 of:3.7415767752846405e-05 George:3.3674190977561764e-05 :0.1 -highest:0.006112389293951223 greater:0.005915215445759249 certain:0.005915215445759249 the:0.004929346204799374 high:0.004929346204799374 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.07458161370891266 under:0.010685044943970295 will:0.007693232359658612 not:0.003846616179829306 would:0.002564410786552871 :0.1 -the:0.011978080617023528 and:0.011978080617023528 he:0.004155899512481019 it:0.002987355506203576 they:0.0024069181034308777 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Very:0.0007580526169736103 the:0.0006632960398519091 only:0.0006396068955714838 but:0.0005685394627302077 within:0.0004737828856085065 :0.1 -the:0.5 a:0.3 :0.2 -action:0.002393133496548054 an:0.0006067099005333095 defendants:0.00043817937260739017 ac:0.0004044732670222063 Action:0.0003707671614370224 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fruit:0.008919363806794442 forest:0.005771353051455227 shade:0.004722016133008823 the:0.0031480107553392154 pine:0.0031480107553392154 :0.1 -packing:0.0016306563391765185 dwelling:0.000931803622386582 apartment:0.0008153281695882593 boarding:0.0008153281695882593 tenement:0.0006988527167899366 :0.1 -offense:9.016965530994045e-05 purpose:8.323352797840657e-05 everything:6.936127331533882e-05 nothing:3.468063665766941e-05 neither:2.7744509326135528e-05 :0.1 -the:0.002539591433923662 the:0.002539591433923662 be:0.0010953350906621935 a:0.000398813158837277 make:0.00022256492711723343 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -stone:0.0013697729934790484 hereunto:0.0006848864967395242 hereinafter:0.0006043116147701684 square:0.0005640241737854905 example:0.0005237367328008126 :0.1 -the:0.5 a:0.3 :0.2 -almost:0.0009604085691042213 composed:0.00016326945674771762 depends:0.0001536653710566754 recovery:0.00012485311398354877 inhalers:9.604085691042213e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.03571428571428571 B:0.03571428571428571 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -commonly:0.00043894260039891754 seriously:0.00016171569488381173 keenly:0.0001386134527575529 severely:0.0001386134527575529 which:0.00011551121063129409 :0.1 -same:0.000572807502075382 affords:0.000572807502075382 first:0.00037905626030993784 most:0.00034890580287272603 United:0.0003440940150983662 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -first:0.019877795746424523 the:0.008093102553901414 took:0.008093102553901414 in:0.0021297638299740563 takes:0.0021297638299740563 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -with:5.567200439347713e-05 her:3.711466959565142e-05 her:3.0928891329709516e-05 explains:2.474311306376761e-05 She:2.474311306376761e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -going:0.001510753191622187 later:0.0007141742360395793 carried:0.000631769516496551 goes:0.0005493647969535225 wore:0.0003296188781721135 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -not:0.002518615856329391 violate:0.001399231031294106 in:0.0008395386187764637 festers:0.0008395386187764637 regret:0.0008395386187764637 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.00220445156950125 great:0.001414249954348071 good:0.0013373391605939423 man:0.0013168945192162627 large:0.0012237578196068325 :0.1 -the:0.5 a:0.3 :0.2 -order:0.0004654063462809379 contest:0.00023270317314046896 mortgage:0.00023270317314046896 efforts:0.00023270317314046896 effort:0.0001939193109503908 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -oi:0.0035831686681497706 ana:0.0010920133083885013 the:0.0010578878925013608 lor:0.0010578878925013608 oy:0.0006483829018556727 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Institute:0.00016411114762767033 services:0.00014066669796657458 begun:0.00011722224830547881 meeting:0.00011722224830547881 Fair:0.00011722224830547881 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.008572453560354746 large:0.008572453560354746 full:0.006473077178227052 fair:0.004023804732411412 a:0.0025602032192404544 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -At:0.007310620325393156 rapid:0.004873746883595437 the:0.003249164589063625 at:0.003249164589063625 freight:0.003249164589063625 :0.1 -the:0.5 a:0.3 :0.2 -of:0.2245131729667812 is:0.034746086292478044 and:0.026727758686521576 has:0.013363879343260788 had:0.013363879343260788 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0005393635510098084 lias:0.0005393635510098084 and:0.00038954034239597275 baa:0.0003595757006732056 I:0.00031462873808905495 :0.1 -the:0.5 a:0.3 :0.2 -lavor:6.342266515441504e-05 labor:5.073813212353203e-05 acc:5.073813212353203e-05 na:5.073813212353203e-05 southward:5.073813212353203e-05 :0.1 -chief:0.00313680679865402 ballot:0.0009410420395962059 officer:0.000784201699663505 the:0.000784201699663505 the:0.0006273613597308041 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -election:0.00017315453110963196 a:0.00017315453110963196 delivered:0.00017315453110963196 scheme:0.00017315453110963196 and:0.00015081201096645364 :0.1 -the:0.5 a:0.3 :0.2 -of:0.007575757575757575 to:0.004734848484848485 and:0.004734848484848485 crimson:0.0028409090909090906 white:0.0028409090909090906 :0.1 -amount:0.008052026745271711 acres:0.003264335167002045 the:0.0018497899279678257 It:0.0007616782056338106 area:0.0007616782056338106 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -his:0.03669539795352588 and:0.01834769897676294 her:0.00987953021825697 the:0.008468168758505973 human:0.008468168758505973 :0.1 -the:0.5 a:0.3 :0.2 -disease:0.004987086259171065 for:0.0008311810431951775 serves:0.0008311810431951775 is:0.0006769088041172847 was:0.0004691135433184903 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -unto:0.00041944028582517834 whereas:0.00026215017864073643 over:0.00026215017864073643 and:0.00026215017864073643 and:0.00026215017864073643 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -than:0.0044962573626830355 net:0.0044962573626830355 to:0.00145467149969157 for:0.0009601981835908784 and:0.0009429491144245752 :0.1 -same:0.00014557164650851908 troops:0.00014557164650851908 regiment:0.00011645731720681526 first:9.633226473597712e-05 most:8.866991444165025e-05 :0.1 -the:0.5 a:0.3 :0.2 -heat:0.00021364939048908302 linen:0.00015260670749220215 beginning:0.00015260670749220215 same:9.156402449532129e-05 forms:9.156402449532129e-05 :0.1 -art:0.0001128416354449079 stomach:8.77657164571506e-05 not:7.522775696327193e-05 teke:6.268979746939328e-05 of:6.268979746939328e-05 :0.1 -the:0.5 a:0.3 :0.2 -artesian:0.00019045702082037873 edi:0.00012323689582495096 might:0.00011203354165904633 tolerably:0.00011203354165904633 will:5.6016770829523164e-05 :0.1 -and:0.00012057256804760122 and:7.389931590014268e-05 matrimony:3.50049391105939e-05 Ac:2.7226063752684145e-05 and:2.7226063752684145e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.007797183720372083 cypress:0.007797183720372083 a:0.0009536196520268838 this:0.0005021759348978034 his:0.0004409426000857945 :0.1 -be:0.018704058412324216 been:0.006957746017713602 were:0.0063438272514447554 being:0.0021282517230653375 bo:0.001186909614786438 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -bearing:0.00830820475313483 bears:0.000899341751627997 exact:0.000599561167751998 mortgagee:0.0003426063815725703 bear:0.0003426063815725703 :0.1 -the:0.5 a:0.3 :0.2 -Paul:0.0030116450274394325 disease:0.0023423905768973365 pre:0.002007763351626288 beginning:0.002007763351626288 less:0.00167313612635524 :0.1 -and:0.011446886446886448 of:0.006868131868131869 has:0.004578754578754579 work:0.0027472527472527475 Society:0.0022893772893772895 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Now:0.0006405858970712317 don:0.0005765273073641085 Don:0.0004163808330963006 wouldn:0.00032029294853561585 won:0.00032029294853561585 :0.1 -and:0.002359612042291084 looks:0.002359612042291084 of:0.0019909226606831024 shaped:0.0004189965308741177 excellence:0.0002425769389271208 :0.1 -but:0.00014922523757241384 than:7.461261878620692e-05 of:5.9690095028965545e-05 Buchu:5.9690095028965545e-05 This:5.9690095028965545e-05 :0.1 -disorderly:0.0011933528058167885 the:0.0007955685372111923 heroic:0.0007955685372111923 gallant:0.0007955685372111923 the:0.0005966764029083942 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.4166580220828169 in:0.02223022983673566 to:0.015243586173761594 centum:0.01313248780203721 ot:0.011432689630321196 :0.1 -perform:0.0005704330903895008 aperient:0.0001555726610153184 rascality:0.000129643884179432 everything:0.000129643884179432 ad:0.0001037151073435456 :0.1 -and:0.00041959972394755 the:0.00041959972394755 but:0.00011042097998619738 the:8.557625948930297e-05 which:8.281573498964803e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -The:0.03368421052631579 original:0.03368421052631579 :0.1 -thousand:0.00624527836753943 million:0.0010408797279232384 thou:0.0005604736996509746 fifty:0.0002802368498254873 ten:0.0002802368498254873 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -right:2.051420830813714e-05 noth:1.7583607121260408e-05 on:1.7583607121260408e-05 what:1.4653005934383673e-05 dis:1.1722404747506938e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -please:0.00017797339415707322 have:6.190378927202546e-05 who:6.190378927202546e-05 plaintiff:5.416581561302228e-05 are:5.087233345182652e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0010147972624958692 which:0.0010147972624958692 Salisbury:0.0005073986312479346 a:0.00011696326719271953 which:6.147617507569143e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0011587294306647411 gratifying:0.0011587294306647411 latest:0.0011587294306647411 of:0.00032702012715538217 that:0.00016885901370114348 :0.1 -fully:0.0008963331534082028 defendants:0.00035381571845060635 fail:0.0003066402893238589 names:0.00025946486019711134 creditors:0.00023587714563373758 :0.1 -the:0.5 a:0.3 :0.2 -been:9.612240143013415e-05 reside:9.612240143013415e-05 be:7.035045322060544e-05 have:4.7016392003869976e-05 had:3.9702731025490196e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -old:0.00999014164172673 personal:0.002797239659683485 dear:0.0021312302169017023 My:0.001998028328345346 intimate:0.0018648264397889897 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -deemed:0.003289436627651545 a:0.0012335387353693294 deem:0.0012335387353693294 the:0.0007446726464626858 not:0.0006363968017247878 :0.1 -oath:0.00023649435225665694 marine:0.00014189661135399417 intervals:0.00014189661135399417 the:0.00012613032120355037 diminished:0.00012613032120355037 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.010297297297297297 the:0.010297297297297297 in:0.001918918918918919 to:0.0005405405405405405 within:0.00024324324324324326 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Miles:0.00012867905105048898 Downs:0.00011698095550044453 Sheboygan:9.358476440035561e-05 Loaf:7.01885733002667e-05 Rural:7.01885733002667e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Since:0.0008786855776395268 now:0.00028002067858842066 delinquent:6.759119827996361e-05 and:5.793531281139738e-05 Soap:5.793531281139738e-05 :0.1 -together:0.0006100761604817225 connected:0.0002614612116350239 for:0.0002178843430291866 n:0.0002178843430291866 f:0.0002178843430291866 :0.1 -the:0.024563178586395562 various:0.024563178586395562 hideous:0.01133685165525949 concealed:0.01133685165525949 varied:0.005668425827629745 :0.1 -man:0.003232455729410663 mineral:0.003232455729410663 men:0.0022767731659327274 lady:0.0010962241169305725 and:0.0007776632624379276 :0.1 -Judicial:0.003525932344138846 Green:0.002014818482365055 the:0.0015111138617737911 Blackwood:0.0015111138617737911 Young:0.0015111138617737911 :0.1 -the:0.5 a:0.3 :0.2 -alas:0.0015555728396982188 Oh:0.0010889009877887532 Ah:0.0007777864198491094 God:0.0007000077778641984 oh:0.0005444504938943766 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.000760297640083245 serious:0.0006758201245184401 happy:0.000591342608953635 numbered:0.00050686509338883 severe:0.000422387577824025 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -perform:0.00031721999927904546 aperient:8.651454525792149e-05 rascality:7.209545438160124e-05 everything:7.209545438160124e-05 ad:5.767636350528099e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.002000351578670856 College:0.002000351578670856 and:0.0006840683863251282 in:0.0003769356414444584 or:0.00028320032320165657 :0.1 -the:0.5 a:0.3 :0.2 -Affairs:0.0024695169007562896 and:0.0024695169007562896 the:0.0024695169007562896 furnish:0.0018521376755672172 promiscuous:0.0018521376755672172 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -under:0.0008449885419553711 existing:0.0007773894585989414 insolvent:0.0006083917502078672 homestead:0.0005407926668514375 enact:0.000439394041816793 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -or:0.000751971985186887 the:0.000657975487038526 integral:0.00029765557746980946 strangest:0.0001409947472225413 not:0.0001253286641978145 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Now:0.00013604416797589856 don:0.0001224397511783087 Don:8.842870918433406e-05 wouldn:6.802208398794928e-05 won:6.802208398794928e-05 :0.1 -Michigan:0.0011840167871676125 Company:0.0011840167871676125 Cincinnati:0.0005920083935838063 n:0.000473606714867045 dull:0.000473606714867045 :0.1 -the:0.5 a:0.3 :0.2 -Then:0.002168797092331502 Then:0.0020483083649797517 the:0.00048195490940700043 again:0.00048195490940700043 and:0.00048195490940700043 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00012990887441583033 tin:0.00012990887441583033 first:8.596740080868844e-05 most:7.91294806093208e-05 United:7.803819962673918e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -been:0.0005404997860521681 picked:0.0005404997860521681 be:0.0003955831767483259 have:0.00026437489535160395 had:0.00022324991163024332 :0.1 -the:0.5 a:0.3 :0.2 -is:0.00025218194698218443 virtues:0.00025218194698218443 time:0.0001537365879998344 country:0.00015076974156474985 city:0.00014631947191212307 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.002985542132029264 Ne:0.002985542132029264 first:0.001975687174948767 most:0.0018185393361851176 United:0.0017934597150581514 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.0020307390231383213 he:0.0020307390231383213 for:0.00034774244388650536 of:0.0001546589322257662 in:0.0001075888224179243 :0.1 -the:0.5 a:0.3 :0.2 -May:0.007129740793470474 June:0.005545353950477035 Block:0.005149257239728675 August:0.004357063818231957 the:0.003960967107483596 :0.1 -the:0.5 a:0.3 :0.2 -shook:0.0018510807014710585 shake:0.001595759225406085 changed:0.001404268118357355 into:0.0010851162732761377 shaking:0.0009574555352436511 :0.1 -an:0.00332871012482663 the:0.00332871012482663 is:0.0022191400832177527 a:0.001664355062413315 be:0.001664355062413315 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -New:0.0012680738033960367 the:6.096508670173254e-05 Now:5.283640847483486e-05 in:3.251471290759069e-05 of:2.4386034680693013e-05 :0.1 -careful:0.0036256880733944955 serious:0.0017174311926605504 take:0.0013357798165137616 earnest:0.0013357798165137616 of:0.0009541284403669725 :0.1 -be:0.018203721054745013 line:0.018203721054745013 not:0.0035134731962465867 have:0.0017269919558769778 bo:0.0011681532227643858 :0.1 -the:0.006371660823696282 delighted:0.006371660823696282 admired:0.006371660823696282 nthe:0.006371660823696282 nature:0.006371660823696282 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.2537202380952381 of:0.03546626984126984 of:0.013640873015873014 to:0.008184523809523808 and:0.008184523809523808 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Federal:0.0002245731158654372 General:0.00014083398791561315 British:9.135177594526259e-05 the:7.232015595666621e-05 Canadian:4.186956397491203e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0027495802683651554 physicians:0.0027495802683651554 a:0.0003362821594016821 this:0.00017708612383150749 his:0.0001554929467045663 :0.1 -the:0.5 a:0.3 :0.2 -something:0.00020454660971343128 allowed:0.00015734354593340867 had:0.00015734354593340867 ready:0.00014160919134006782 have:0.00014160919134006782 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -National:0.0011631372152190527 the:0.0006344384810285742 elected:0.0004229589873523827 Republican:0.0004229589873523827 Men:0.0004229589873523827 :0.1 -the:0.0021009333350756696 remov:0.0021009333350756696 a:0.0005584086311284778 that:0.0004936788142956256 to:0.0003917217553875417 :0.1 -the:0.5 a:0.3 :0.2 -who:0.005695135889041706 is:0.005695135889041706 it:0.004881545047750034 and:0.004881545047750034 was:0.004067954206458362 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -earth:0.005900425960516446 the:0.004425319470387335 flat:0.004425319470387335 a:0.0005791514575311682 his:0.00025144229946312037 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.0011710832520081076 cough:0.0011710832520081076 had:0.000543502740034532 is:0.0005074694092035133 has:0.00035733053074093535 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Of:0.038552507322925554 d:0.0016002927568006834 d:0.0016002927568006834 th:0.0010183681179640714 st:0.0010183681179640714 :0.1 -the:0.5 a:0.3 :0.2 -Rancho:0.0002873029268971375 Cape:0.00022345783203110697 of:0.0001915352845980917 via:0.0001915352845980917 streets:0.0001915352845980917 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Since:0.0010559696958490287 now:0.00033651781516067945 delinquent:8.122843814223299e-05 and:6.962437555048541e-05 Soap:6.962437555048541e-05 :0.1 -the:0.5 a:0.3 :0.2 -Louis:0.0028956673790557605 lecture:0.0028956673790557605 Paul:0.0016040411890421605 Louis:0.0013149407421799107 Paul:0.0008766271614532738 :0.1 -the:0.5 a:0.3 :0.2 -that:0.008725706838914386 this:0.008130772281715676 vast:0.0029746727859935405 and:0.002379738228794832 tho:0.002379738228794832 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -aggregated:0.00014303555510593161 same:8.582133306355898e-05 rebel:8.582133306355898e-05 first:5.6792401370478494e-05 most:5.227508544783004e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -public:0.010468865228675123 unanimous:0.0008651954734442249 pub:0.0008651954734442249 in:0.0007786759260998025 difference:0.000519117284066535 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0003596589797011254 together:0.0003596589797011254 tho:0.00017784242366436864 a:0.00011127570642686753 that:9.835977621660611e-05 :0.1 -with:0.004515002659182746 that:0.0014257903134261304 single:0.0014257903134261304 much:0.0010382829875779497 far:0.0008800261789300287 :0.1 -and:0.00026204954054804614 power:0.00026204954054804614 parties:0.00016069075599644338 party:0.00016069075599644338 power:9.14701226441293e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -chs:0.005727681207923326 from:0.0018648264397889897 along:0.0017316245512326333 wide:0.0010656151084508512 storm:0.0007992113313381385 :0.1 -Of:0.011215711264953798 and:0.00023172957158995453 and:0.00023172957158995453 d:0.00023172957158995453 land:0.0002027633751412102 :0.1 -the:0.5 a:0.3 :0.2 -easier:0.0016016713091922005 of:0.0009052924791086351 ordinary:0.0009052924791086351 and:0.0003798066147984503 Lines:0.00034818941504178273 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Default:0.0031858552074320442 and:0.0005522149026215543 Sale:0.0004672587637566998 de:0.0004247806943242725 DEFAULT:0.0004247806943242725 :0.1 -the:0.02104989604989605 to:0.014033264033264034 The:0.009355509355509356 this:0.009355509355509356 of:0.009355509355509356 :0.1 -stomach:0.001632398454416607 the:0.0006121494204062276 discoursed:0.0006121494204062276 glad:0.0006121494204062276 fresh:0.0006121494204062276 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.027103026108022753 of:0.005905128593368086 and:0.004693820163959248 in:0.0024226168588176765 an:0.0016655490904371525 :0.1 -described:0.018682450115902517 in:0.009755368040816092 and:0.007730669013476903 to:0.005521906438197787 therein:0.005337842890257861 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -for:0.009443032253545978 sole:0.0016073246389014433 avowed:0.0009543490043477319 for:0.0009543490043477319 for:0.0009041201093820617 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -not:0.002583787200029741 sadly:0.002583787200029741 the:0.0018588397122516124 to:0.0014111691482176826 in:0.0012136674287909486 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -during:0.0004855261634116943 better:0.00031416398808991984 within:0.00021420271915221806 and:0.00017136217532177445 For:0.0001428018127681454 :0.1 -of:0.021683263732733694 in:0.009637006103437198 to:0.004818503051718599 for:0.0031052575222186535 thanks:0.001177856301531213 :0.1 -the:0.016346153846153847 to:0.007355769230769231 his:0.0049038461538461545 her:0.004086538461538462 their:0.004086538461538462 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -great:0.0010718389011448856 serious:0.0005359194505724428 was:0.0003349496566077767 utmost:0.0003349496566077767 a:0.00020096979396466602 :0.1 -take:0.006280401945724527 took:0.0032802099334357402 to:0.0007200460829493088 will:0.0002800179211469534 control:0.00024001536098310292 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 J:0.00152832674571805 S:0.0012417654808959155 W:0.0010507246376811595 D:0.0010507246376811595 f:0.0009552042160737812 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -pounds:0.00019323196027608302 few:8.281369726117845e-05 selling:8.281369726117845e-05 steam:8.281369726117845e-05 great:5.312852828856407e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Democratic:0.00112336027695937 Republican:0.000893582038490408 bank:0.00038296373078160336 political:0.00038296373078160336 banks:0.0003063709846252827 :0.1 -Let:0.006182648926693296 informs:0.0005603609299117791 assures:0.0003175378602833415 reminds:0.0003175378602833415 behooves:0.00022414437196471165 :0.1 -the:0.013583316682577389 prayer:0.013583316682577389 a:0.002640994901168513 least:0.001197466864995671 this:0.0009527932568138593 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -rapid:0.0010845693377752358 corresponding:0.000602538520986242 steady:0.000602538520986242 substantial:0.0004217769646903695 rata:0.000301269260493121 :0.1 -de:0.0006220964078212928 by:0.0003110482039106464 featur:0.0003110482039106464 con:0.0003110482039106464 re:0.0003110482039106464 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -tho:0.0037481897947014226 not:0.0028111423460260667 tbe:0.0028111423460260667 without:0.0014055711730130334 up:0.0007027855865065167 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -tons:0.00038252851032803534 solidly:0.00014344819137301326 or:7.172409568650663e-05 town:7.172409568650663e-05 temples:7.172409568650663e-05 :0.1 -Flour:0.0006270006270006269 meat:0.000561000561000561 hog:0.00033000033000033 spot:0.000297000297000297 leaf:0.000297000297000297 :0.1 -severe:0.00047780650334394107 be:0.00018581364018931042 bitterly:0.00018581364018931042 dry:0.00018581364018931042 ice:0.00018581364018931042 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0013776865636354512 final:0.0013776865636354512 the:0.0010513709629161269 not:0.0008161958791059406 obligation:0.0007872494649345435 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -or:0.00425093598550937 warrants:0.003684144520774787 made:0.0019837701265710394 thermometer:0.0014169786618364565 eleven:0.0011335829294691652 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005054257370261354 motion:0.005054257370261354 excitement:0.0028881470687207736 a:0.0009826957771789816 least:0.0004455690660449008 :0.1 -North:8.246318506546618e-05 Imperial:5.1539490665916354e-05 imperial:3.092369439954981e-05 French:2.0615796266366545e-05 same:1.5461847199774906e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Indian:0.0034383448924415186 and:0.0015281532855295637 mental:0.0015281532855295637 Crow:0.0011461149641471729 Sioux:0.0011461149641471729 :0.1 -provide:0.0007218903216529967 deem:0.0005520337753817032 due:0.00038217722911041 deemed:0.00038217722911041 of:0.0003397130925425866 :0.1 -the:0.5 a:0.3 :0.2 -perform:0.0004607437007523411 aperient:0.00012565737293245666 rascality:0.00010471447744371389 everything:0.00010471447744371389 ad:8.37715819549711e-05 :0.1 -the:0.5 a:0.3 :0.2 -J:0.018655274787842638 O:0.003251836889623946 O:0.002738388959683323 Geo:0.0022249410297427 Wm:0.0018826424097822844 :0.1 -You:0.000941477922874344 that:0.0005001601465269952 that:0.0005001601465269952 that:0.0004118965912575255 that:0.00020594829562876275 :0.1 -the:0.5 a:0.3 :0.2 -of:0.003114226332822861 thai:0.003114226332822861 and:0.0002035287964171388 by:0.00015166431547686404 of:0.00014616353719531974 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -following:0.0007043145017435236 dead:0.0003728723832759831 private:0.00033144211846754056 Your:0.00020715132404221283 circular:0.00018643619163799156 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ON:0.005995784185969921 corroborated:0.0031644416537063473 Court:0.0019985947286566405 practical:0.0019985947286566405 homestead:0.0014989460464924804 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -cured:0.0013665983240564773 hundreds:0.0007971823556996118 tens:0.0006832991620282386 cheer:0.0005694159683568655 thousands:0.00045553277468549243 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.004774020342943155 ewes:0.004774020342943155 blk:0.004774020342943155 street:0.004774020342943155 lambs:0.0035805152572073668 :0.1 -thought:0.0015638052618159365 provide:0.0012083949750395873 deem:0.0009240667456185079 the:0.0007108205735526984 With:0.0007108205735526984 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ere:0.0004811821450726481 tasted:0.00018994032042341373 been:7.597612816936548e-05 all:6.33134401411379e-05 been:5.065075211291032e-05 :0.1 -laxative:0.005334172413877705 is:0.0014547742946939195 developments:0.0014547742946939195 was:0.0007951637556460062 Is:0.000344832662314243 :0.1 -the:0.5 a:0.3 :0.2 -but:0.00034828643076065756 fish:0.00034828643076065756 to:0.0002612148230704932 hadn:0.0002612148230704932 I:0.0002612148230704932 :0.1 -in:0.004359673024523161 at:0.004359673024523161 of:0.0035967302452316074 East:0.0034877384196185285 from:0.0034877384196185285 :0.1 -the:0.5 a:0.3 :0.2 -is:0.00043627674712057345 follow:0.00043627674712057345 the:0.00035797066430406026 ow:0.00034902139769645875 a:0.00033000420615530556 :0.1 -the:0.5 a:0.3 :0.2 -avail:0.0018156654429942046 bind:0.0004841774514651213 availed:0.00033287199788227084 availing:0.0002723498164491307 are:0.00024208872573256064 :0.1 -the:0.5 a:0.3 :0.2 -at:0.006069958847736625 for:0.0036419753086419752 where:0.0030349794238683126 on:0.0030349794238683126 Range:0.0024279835390946503 :0.1 -the:0.5 a:0.3 :0.2 -in:0.005444748729310918 civilized:0.002916829676416564 commercial:0.0017500978058499381 the:0.001555642494088834 outside:0.0013611871823277296 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0011307514508538835 populated:0.0011307514508538835 of:0.0005986331210402913 in:0.0005891310080079058 is:0.00048460776465166443 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -sell:0.000670273729050833 notary:0.00017297386556150532 consult:0.00015135213236631712 sale:0.00012973039917112898 alleys:0.0001081086659759408 :0.1 -afflicted:9.577217904235293e-05 opportunity:9.577217904235293e-05 fugitives:6.384811936156862e-05 creditors:5.3206766134640516e-05 and:5.3206766134640516e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.00456577756312558 Upon:0.00456577756312558 to:0.00045983127951668547 and:0.00019087336130881285 is:0.0001474930519204463 :0.1 -ten:0.001518794862728666 one:0.0007799216862660718 twenty:0.0007799216862660718 thirty:0.0005952033921504232 day:0.0004399013325805909 :0.1 -is:0.0014005602240896359 disease:0.0014005602240896359 the:0.001149177619765855 a:0.0010593981182216476 of:0.0007182360123536595 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -have:0.0003696270033484178 few:0.0003696270033484178 are:0.0003037582737384641 were:0.000124878401425813 will:0.00011333776450241618 :0.1 -two:0.0017128104299167655 Two:0.00024740595098797724 two:0.00024740595098797724 two:0.00011418736199445104 twoor:9.515613499537586e-05 :0.1 -fair:0.0011128662420382164 on:0.0006848407643312102 safe:0.0004280254777070064 on:0.0003424203821656051 speedy:0.0003424203821656051 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:7.5966643048094e-05 make:7.5966643048094e-05 a:7.472946630289258e-05 largest:5.362351273983106e-05 potassa:4.915488667817847e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -bear:0.003449833084912828 Possessory:0.0025089695163002385 title:0.001568105947687649 title:0.0012544847581501192 title:0.0010976741633813543 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -within:0.014627238340134532 degrees:0.002142843833268116 section:0.002142843833268116 About:0.0009316712318557027 exceeding:0.0007453369854845622 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:9.983582553134845e-05 pri:9.983582553134845e-05 the:8.652438212716865e-05 few:7.54315126236855e-05 to:5.102719971602254e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -attractive:0.0008182353021122483 nerves:0.00020455882552806206 whole:0.00012273529531683724 bumps:0.00012273529531683724 Side:0.00012273529531683724 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -described:0.002290650668944488 telegram:0.002290650668944488 the:0.0016574626791549547 is:0.000993236062414954 are:0.0003662557980155143 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -large:0.005456006922484316 vast:0.002065866698804741 the:0.0008475350559198938 a:0.0007945641149249004 republican:0.0007945641149249004 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -may:0.09989708585854143 will:0.04111288010062716 should:0.025966029537238203 would:0.0212777186485702 can:0.016589407759902187 :0.1 -several:0.014811651823094744 various:0.007841462729873688 not:0.004792005001589476 adjoining:0.004792005001589476 different:0.004792005001589476 :0.1 -have:0.005475099987098439 heartily:0.005475099987098439 are:0.004499419429751 of:0.0027375499935492196 were:0.0018497613211198554 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -holder:0.008369319350195352 to:0.006107341147439852 conviction:0.006107341147439852 lieu:0.003619165124408801 the:0.0015833847419288504 :0.1 -and:0.04482726683337965 h:0.04482726683337965 or:0.008150412151523572 but:0.007641011392053349 the:0.007131610632583126 :0.1 -to:0.01959698507921858 of:0.01959698507921858 service:0.007537301953545608 tariff:0.006029841562836486 this:0.005276111367481926 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -schedule:0.0002497666546919234 Charles:9.990666187676936e-05 a:6.244166367298085e-05 torm:6.244166367298085e-05 pal:4.995333093838468e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -primary:0.007876656424427761 main:0.00418971086405732 chief:0.003184180256683563 sole:0.0028490033875589772 principal:0.002346238083872099 :0.1 -the:0.5 a:0.3 :0.2 -on:0.00195548656421721 first:0.000977743282108605 first:0.0006016881736052954 stole:0.0005264771519046334 thence:0.00045126613020397155 :0.1 -own:0.00018975653631932553 My:0.00018975653631932553 Her:0.00015813044693277126 twin:0.000126504357546217 wife:0.000126504357546217 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -attractive:0.0008182353021122483 nerves:0.00020455882552806206 whole:0.00012273529531683724 bumps:0.00012273529531683724 Side:0.00012273529531683724 :0.1 -the:0.5 a:0.3 :0.2 -d:0.0010335001697893136 Army:0.0010335001697893136 Brooklyn:0.0010335001697893136 Royal:0.0010335001697893136 the:0.00037648934756610706 :0.1 -and:0.0018097716267709398 follow:0.0018097716267709398 ow:0.0014478173014167517 in:0.0008835105579511675 on:0.0008692603876616325 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.004450642594564427 tax:0.004450642594564427 evidenced:0.0038943122702438733 location:0.00250348645944249 a:0.0023183372659146464 :0.1 -the:0.5 a:0.3 :0.2 -additional:0.0018194764710022231 dollars:0.001488662567183637 a:0.0013232556152743442 extra:0.0013232556152743442 the:0.0012404580511786798 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -upper:0.001799656531265899 At:0.000392652334094378 put:0.0002944892505707835 butt:0.0002944892505707835 the:0.0002617682227295853 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -providing:0.0001775492521625499 actual:0.00012428447651378492 bidder:0.00012428447651378492 Bangor:0.00010652955129752992 suitable:0.00010652955129752992 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Act:0.00155320974547354 act:0.0013313226389773199 session:0.0011094355324810998 the:0.0011094355324810998 induce:0.0008875484259848799 :0.1 -routine:0.0003024057674737875 transact:0.0002592049435489607 transacting:0.00017280329569930713 copartners:8.640164784965356e-05 o:8.640164784965356e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -with:5.599118186783476e-05 her:3.73274545785565e-05 her:3.110621214879709e-05 explains:2.4884969719037668e-05 She:2.4884969719037668e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -suit:0.001282776834559517 satisfy:0.001197258378922216 Ashland:0.000684147645098409 proper:0.0005131107338238068 to:0.00042759227818650565 :0.1 -electric:0.00040585309312290925 dim:6.559241909057118e-05 flickering:2.4597157158964196e-05 calcium:2.0497630965803498e-05 old:1.6398104772642796e-05 :0.1 -condemnation:0.0018447433722025728 legal:0.0016602690349823155 com:0.0014757946977620583 judicial:0.0009223716861012864 action:0.0007378973488810292 :0.1 -the:0.008292697107720652 at:0.008292697107720652 a:0.0010852838193805138 his:0.00047118289277631355 tho:0.0003942426444513575 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -raw:0.003254650999850129 labor:0.0005207441599760207 the:0.0003905581199820155 cer:0.0003905581199820155 landing:0.0003905581199820155 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -snug:0.00013746760030868588 with:0.0001099740802469487 have:9.622732021608012e-05 head:8.248056018521151e-05 cute:8.248056018521151e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mean:0.0007383796376198829 stories:0.0005034406620135566 piled:0.00033562710800903766 a:0.00023493897560632638 requiem:0.00020137626480542262 :0.1 -the:0.01181874392721491 oak:0.01181874392721491 a:0.007649500927479905 up:0.0031004328239554813 care:0.00285310484939493 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lode:0.00035254543755589165 coal:0.00016271327887194996 placer:8.135663943597498e-05 unorganized:6.779719952997916e-05 mine:6.101747957698124e-05 :0.1 -the:0.5 a:0.3 :0.2 -excellencies:0.00012210466435991454 hair:8.140310957327638e-05 this:7.122772087661682e-05 alkaline:6.105233217995727e-05 Marriage:6.105233217995727e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -two:0.0012973178859310144 Two:0.0001873903613011465 two:0.0001873903613011465 two:8.648785906206763e-05 twoor:7.207321588505636e-05 :0.1 -his:0.00031820646577702873 Luka:0.00012122151077220144 furt:7.57634442326259e-05 of:6.061075538610072e-05 reply:6.061075538610072e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002610114192495922 sufficient:0.002610114192495922 a:0.0014967088376550042 to:0.00045631367001676957 an:0.0003285458424120741 :0.1 -the:0.5 a:0.3 :0.2 -The:0.00019615375184915776 matter:0.00019615375184915776 singular:0.00019615375184915776 significant:0.00013579875128018614 well:0.00013579875128018614 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -holder:0.002640071637647469 from:0.0019265387626076125 conviction:0.0019265387626076125 lieu:0.0011416526000637703 and:0.0009206153865597263 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -packing:0.001551538960082741 dwelling:0.0008865936914758519 apartment:0.0007757694800413705 boarding:0.0007757694800413705 tenement:0.000664945268606889 :0.1 -The:0.0003299853989965722 to:0.0003299853989965722 If:0.00024493761575003297 It:0.00021432041378127885 Is:0.0002109185024514173 :0.1 -the:0.5 a:0.3 :0.2 -high:0.00010357747093877807 mental:3.452582364625936e-05 same:2.7620658917007487e-05 greatest:2.7620658917007487e-05 mental:2.0715494187755616e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0013891274588727783 Black:0.0013891274588727783 Early:0.0011113019670982226 Borax:0.0008334764753236669 post:0.0008334764753236669 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lavor:0.0001294018185268897 labor:0.00010352145482151174 acc:0.00010352145482151174 na:0.00010352145482151174 southward:0.00010352145482151174 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -or:0.0008332899328159993 of:0.0007916254361751992 for:0.0005416384563303996 be:0.0004999739596895995 not:0.00037498046976719966 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -young:0.007534331166552857 colored:0.00171668305060698 medical:0.00143056920883915 honest:0.0013351979282498734 armed:0.00085834152530349 :0.1 -reminds:0.000985202492211838 Permit:0.0005140186915887851 friend:0.00029984423676012465 di:0.00029984423676012465 Allow:0.00029984423676012465 :0.1 -the:0.5 a:0.3 :0.2 -A:9.668114087647813e-05 amidst:9.668114087647813e-05 like:7.25108556573586e-05 relief:4.8340570438239066e-05 of:4.8340570438239066e-05 :0.1 -the:0.5 a:0.3 :0.2 -ono:9.413818199625853e-05 undor:8.890828299646637e-05 boforo:8.890828299646637e-05 whenco:6.275878799750568e-05 nof:3.660929299854498e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -five:0.0004512290643399274 exceeding:0.00042866761112293105 more:0.0004061061579059347 the:0.00024817598538696007 of:0.0001579301725189746 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 snake:0.0002785209416437876 I:2.3552777615514926e-05 I:2.243121677668088e-05 :0.1 -the:0.5 a:0.3 :0.2 -continue:0.00023709828723310927 spread:0.00015242032750699882 infection:0.00013548473556177672 prevailed:0.00013548473556177672 scattered:0.00011854914361655464 :0.1 -the:0.5 a:0.3 :0.2 -something:0.00014132056151423063 allowed:0.00010870812424171586 had:0.00010870812424171586 ready:9.783731181754428e-05 have:9.783731181754428e-05 :0.1 -the:0.5 a:0.3 :0.2 -order:0.00037390265442810314 contest:0.00018695132721405157 mortgage:0.00018695132721405157 efforts:0.00018695132721405157 effort:0.0001557927726783763 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.012991417933993814 county:0.012991417933993814 by:0.009264371805389032 the:0.006282734902505206 in:0.0052178645800466964 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ono:7.41738424708296e-05 undor:7.005307344467238e-05 boforo:7.005307344467238e-05 whenco:4.944922831388639e-05 nof:2.8845383183100395e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Very:0.0004550246375327818 the:0.0003981465578411841 only:0.0003839270379182846 but:0.0003412684781495863 within:0.00028439039845798864 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -post:0.003828933630518282 stone:0.0014778340328316176 stake:0.0007725041535256182 poat:0.0007389170164158088 deep:0.0006045684679765709 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -w:0.003202745210180155 wr:0.00040034315127251936 and:0.00022876751501286818 tl:0.00022876751501286818 exclaim:0.00017157563625965112 :0.1 -non:0.004777144080803005 the:0.000955428816160601 are:0.000955428816160601 be:0.0004120799491568932 a:0.00015003893111596587 :0.1 -He:0.0007239859467620974 battles:0.0007239859467620974 The:0.0005416996988837548 It:0.00027858841656878817 I:0.00020636179005095417 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 the:0.0013952308472856417 license:0.0009301538981904278 other:0.0005073566717402334 all:0.0005073566717402334 that:0.0005073566717402334 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.04892906256567148 For:0.04892906256567148 a:0.009469541447845516 this:0.005024085548525646 his:0.0035310351484665677 :0.1 -the:0.5 a:0.3 :0.2 -the:0.03250892401835798 Washington:0.008924018357980623 this:0.008924018357980623 or:0.006374298827129017 Dakota:0.005736868944416114 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 claim:0.0017760457103421679 Lode:0.0010656274262053009 finally:0.0010656274262053009 centrally:0.0008880228551710839 conveniently:0.0007104182841368672 :0.1 -oak:0.003802983053555269 pine:0.002444774820142673 Christmas:0.0023089539968014134 spruce:0.0013582082334125962 apple:0.0013582082334125962 :0.1 -the:0.5 a:0.3 :0.2 -first:0.0003980198238128315 and:0.0003980198238128315 only:0.00026791916118149044 people:0.0002475220233960683 following:0.0002094841177962271 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -by:0.0011819322505704866 purely:0.0010975085183868802 the:0.0004221186609180309 a:0.0004221186609180309 cars:0.0004221186609180309 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -census:0.00015596239495285346 strength:8.664577497380748e-05 judiciously:8.664577497380748e-05 arrested:6.931661997904598e-05 body:6.931661997904598e-05 :0.1 -of:0.0015858208955223882 the:0.0015858208955223882 to:0.0013526119402985076 them:0.0011893656716417912 him:0.0011893656716417912 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:7.180968684910037e-05 sufficient:7.180968684910037e-05 offer:6.383083275475588e-05 facie:5.984140570758364e-05 conclusive:5.984140570758364e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.004685898684173922 Clayton:0.004685898684173922 a:0.000906890700197513 this:0.00048115280830111 his:0.0003381645199877598 :0.1 -the:0.5 a:0.3 :0.2 -in:0.003932136416370883 day:0.003932136416370883 part:0.001293864939062913 as:0.0012028900605350517 and:0.0010714819026614746 :0.1 -the:0.5 a:0.3 :0.2 -to:0.008743392912065091 commercial:0.008743392912065091 of:0.0049899962267860145 and:0.001759776270606029 in:0.0009987919373709894 :0.1 -the:0.5 a:0.3 :0.2 -legal:0.0007963907292984937 slow:0.0005513474279758802 the:0.0004900866026452268 simple:0.0004900866026452268 to:0.00043425395171096053 :0.1 -the:0.5 a:0.3 :0.2 -Lake:0.00022747150219990488 Angeles:0.0002140908255999105 Bow:0.00010704541279995525 secretary:0.00010704541279995525 torpid:9.366473619996085e-05 :0.1 -connected:0.00024468397964736625 n:0.00020390331637280522 f:0.00020390331637280522 acquainted:0.00020390331637280522 ne:0.00020390331637280522 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0019468094326917308 sleep:0.0019468094326917308 the:0.0011752656733288649 not:0.0010043813469398013 in:0.0006117371684179917 :0.1 -the:0.5 a:0.3 :0.2 -same:0.001043480333156876 legal:0.001043480333156876 first:0.0006905247423616325 most:0.0006355998168719632 United:0.000626834209068858 :0.1 -December:0.0011301447690880836 Friday:0.0008476085768160628 Sec:0.0008476085768160628 Aug:0.0005650723845440418 Sept:0.0005650723845440418 :0.1 -the:0.5 a:0.3 :0.2 -years:0.0003782042302843536 year:0.0003361815380305365 days:0.0002941588457767194 President:0.0002521361535229024 cent:0.0002521361535229024 :0.1 -the:0.5 a:0.3 :0.2 -appellate:0.0002257816237347131 civil:0.00016420481726160953 competent:0.00012315361294620714 same:8.210240863080477e-05 within:8.210240863080477e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -F:0.001697689265399128 years:0.0006173415510542284 F:0.0006173415510542284 or:0.000611868664963322 hundred:0.00040937187959978977 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -soon:0.0013845621322256835 symptoms:0.0005506781207715787 finally:0.00039334151483684195 suddenly:0.00020453758771515781 appetite:0.00015733660593473677 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -something:0.00011720642777662343 allowed:9.015879059740263e-05 had:9.015879059740263e-05 ready:8.114291153766237e-05 have:8.114291153766237e-05 :0.1 -en:0.005677294853193116 star:0.0006231177277894884 the:0.0005538824247017674 rural:0.0005538824247017674 direct:0.0005538824247017674 :0.1 -the:0.5 a:0.3 :0.2 -manner:0.017183243029940714 oath:0.004009423373652833 penalties:0.0034366486059881425 the:0.0034366486059881425 the:0.002863873838323452 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Institute:0.00022134887292767766 services:0.00018972760536658083 begun:0.00015810633780548403 meeting:0.00015810633780548403 Fair:0.00015810633780548403 :0.1 -second:0.0030849268985749813 third:0.0027764342087174833 on:0.0027764342087174833 ground:0.002262279725621653 fourth:0.0015424634492874907 :0.1 -Montana:0.00018361561035643237 nation:0.00010492320591796135 slave:0.00010492320591796135 Dakota:0.00010492320591796135 same:7.8692404438471e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Chief:0.010803507618794242 before:0.004162819449443653 the:0.0029734424638883238 by:0.0029734424638883238 any:0.001982294975925549 :0.1 -the:0.5 a:0.3 :0.2 -I:0.010905721345751759 it:0.00028511689792815053 and:0.000261357156434138 it:0.0002138376734461129 that:0.00019007793195210037 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -brand:0.0003022735746362097 bbls:0.00026197043135138174 the:0.00016121257313931185 en:0.00014106100149689787 the:0.0001209094298544839 :0.1 -to:0.18571428571428572 also:0.07142857142857142 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -first:0.0006461122657848603 same:0.0002630599939266932 took:0.0002630599939266932 in:6.922631419123503e-05 takes:6.922631419123503e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -nerve:0.0002359264615827723 laxative:0.00018874116926621782 celebrated:0.00018874116926621782 same:0.00014155587694966338 reliable:0.00014155587694966338 :0.1 -law:0.0025595449697831496 on:0.0009953785993601137 shall:0.0009953785993601137 Sold:0.0007109847138286528 the:0.0005687877710629222 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.010154511119532403 o:0.010154511119532403 a:0.002698975050454309 that:0.0023861142690955236 to:0.0018933218177064513 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.001186180165731088 vastly:0.001186180165731088 this:0.0009021651964715317 a:0.0002673082063619353 his:0.0002338946805666934 :0.1 -stiff:0.000954358184149475 the:0.0007157686381121063 fertile:0.0007157686381121063 a:0.00013852709269819444 this:7.34958464818396e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Castrametation:0.005051484686159483 of:0.0033676564574396553 of:0.0033676564574396553 and:6.656269712048732e-05 ot:4.922866141202708e-05 :0.1 -look:0.0025223667393429066 looked:0.0014059093301255546 looking:0.0010337568603864373 pushed:0.0009510563115555221 stepped:0.0004962032929854898 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -damage:0.00045019883782003716 can:0.00022509941891001858 could:0.00016586272972317158 is:9.47787026989552e-05 wrongs:8.293136486158579e-05 :0.1 -the:0.5 a:0.3 :0.2 -are:0.024390243902439025 of:0.024390243902439025 and:0.018292682926829267 :0.1 -same:0.0005883854278223717 few:0.00010015071111870158 the:0.00010015071111870158 possible:0.00010015071111870158 usual:8.763187222886388e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Susan:0.00013580484572060257 Y:8.148290743236154e-05 Class:8.148290743236154e-05 scribed:6.790242286030129e-05 Sidney:6.790242286030129e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -days:0.004689854325668497 years:0.002626318422374358 weeks:0.001688347557240659 exercised:0.0008129080831158729 months:0.0008129080831158729 :0.1 -be:0.0011648424262418213 the:0.0007765616174945474 far:0.0007765616174945474 was:0.0007765616174945474 of:0.0007765616174945474 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.004409769335142469 tho:0.004409769335142469 and:0.0033921302578018993 the:0.0033921302578018993 after:0.0016960651289009497 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.018978605935127676 be:0.01828847481021394 are:0.011732229123533472 room:0.005866114561766736 been:0.005866114561766736 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0001686299502977415 make:0.0001686299502977415 won:0.0001686299502977415 will:0.0001686299502977415 crew:0.0001686299502977415 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:8.691865711679148e-05 person:8.691865711679148e-05 those:8.691865711679148e-05 many:8.691865711679148e-05 all:8.691865711679148e-05 :0.1 -usually:0.0005758005078657252 seldom:0.00034548030471943513 and:0.0002303202031462901 Scarlett:0.00017274015235971756 work:0.00017274015235971756 :0.1 -visible:0.0007981278837351331 outward:0.0006385023069881065 the:0.00047887673024107983 execute:0.00047887673024107983 is:0.00047887673024107983 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 sheep:0.001209986688490045 Steel:0.0008066577923266967 of:0.00040332889616334833 and:0.00040332889616334833 and:0.00040332889616334833 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -obvious:0.0008052035248968426 the:0.0007157364665749711 natural:0.0007157364665749711 reactionary:0.0005368023499312284 downward:0.0005368023499312284 :0.1 -the:0.5 a:0.3 :0.2 -intoxicating:0.031904000726804715 the:0.00676751530568585 fermented:0.00676751530568585 malt:0.00676751530568585 alcoholic:0.0058007274048735855 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -U:0.015517241379310346 Range:0.0045000000000000005 Honolulu:0.002327586206896552 of:0.001706896551724138 north:0.0009310344827586207 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -minutes:0.0008248796646136328 de:0.0006599037316909063 ndeg:0.0004949277987681797 neast:0.0004949277987681797 mm:0.0004949277987681797 :0.1 -the:0.5 a:0.3 :0.2 -sales:0.000863438837722143 The:0.0004317194188610715 less:0.0004317194188610715 I:0.0002614638733947334 It:0.00019457776624724348 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -deg:0.003409710856519367 witness:0.0027277686852154935 degrees:0.000818330605564648 deg:0.0005455537370430987 to:0.000409165302782324 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -do:0.016291653690439115 the:0.006306446589847399 like:0.006306446589847399 doing:0.004729834942385549 After:0.002802865151043289 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -red:8.832173048585003e-05 the:3.6800721035770844e-05 Nervura:3.6800721035770844e-05 pure:3.6800721035770844e-05 same:3.312064893219376e-05 :0.1 -of:0.011115755871399255 and:0.006422436725697348 said:0.004446302348559702 Mrs:0.004199285551417496 The:0.0029642015657064683 :0.1 -the:0.003175684349214255 Western:0.003175684349214255 Miners:0.0014114152663174467 the:0.0010585614497380848 the:0.0010585614497380848 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -perpetual:0.0028478145559205797 desperate:0.0017086887335523476 terrible:0.0017086887335523476 the:0.0009492715186401931 heroic:0.0009492715186401931 :0.1 -the:0.5 a:0.3 :0.2 -something:0.00012350614269547027 allowed:9.500472515036174e-05 had:9.500472515036174e-05 ready:8.550425263532557e-05 have:8.550425263532557e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dead:0.0007983051509343914 the:0.0007096045786083479 private:0.0007096045786083479 Your:0.00044350286163021745 circular:0.0003991525754671957 :0.1 -the:0.5 a:0.3 :0.2 -no:0.0008237273122070914 to:0.0006276017616815934 oh:0.0006276017616815934 wiry:0.0003138008808407967 to:0.0003138008808407967 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0021535634676776187 age:0.0021535634676776187 a:0.0002633874637708983 this:0.00013869979040216274 his:0.0001217872899937561 :0.1 -the:0.5 a:0.3 :0.2 -W:0.0025629340308780694 J:0.0022343527448680602 J:0.0019057714588580515 G:0.0007228788292220195 T:0.0007228788292220195 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -arrived:0.0015686768016458666 the:0.00033734984981631543 arrive:0.00033734984981631543 arriving:0.0002530123873622365 ar:0.00018554241739897345 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -you:0.0023215500688924485 less:0.0017411625516693362 against:0.0005357423235905649 or:0.0004464519363254708 varies:0.00040180674269292376 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -physi:0.00014550486546397113 payable:0.00013095437891757401 conditions:0.00011640389237117692 mortgage:0.00011640389237117692 due:8.730291927838269e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Western:0.018293453357778523 of:0.004221566159487352 the:0.001876251626438823 Upper:0.001876251626438823 United:0.001876251626438823 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -healthy:0.004268238307945489 in:0.0037939896070626577 critical:0.0037939896070626577 normal:0.002845492205296993 financial:0.002371243504414161 :0.1 -the:0.5 a:0.3 :0.2 -young:0.011356249627875764 colored:0.0019232358240757344 the:0.0013737398743398103 honest:0.0013737398743398103 a:0.0010989918994718482 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thereunder:0.0005602177505655883 them:0.0002240871002262353 your:0.00017926968018098824 bulkhead:0.00017926968018098824 with:0.0001568609701583647 :0.1 -of:0.05023923444976076 in:0.05023923444976076 or:0.028708133971291863 and:0.028708133971291863 to:0.021531100478468897 :0.1 -ono:6.5484254378346e-05 undor:6.184624024621567e-05 boforo:6.184624024621567e-05 whenco:4.3656169585564e-05 nof:2.5466098924912332e-05 :0.1 -with:8.000130675289377e-05 her:5.333420450192917e-05 her:4.444517041827431e-05 explains:3.5556136334619446e-05 She:3.5556136334619446e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.00204795101747099 next:0.00204795101747099 the:0.0015628781539117063 not:0.0012132869879051403 to:0.0008957517592659587 :0.1 -and:0.0002537116782995566 cough:0.0002537116782995566 rain:0.0002537116782995566 man:0.0002121719828600826 man:5.112577900242954e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -exceeding:0.0006425211892140192 seventy:0.0005996864432664179 to:0.0005568516973188166 four:0.0003855127135284115 less:0.0003212605946070096 :0.1 -the:0.5 a:0.3 :0.2 -Only:0.0006576323080737843 ferry:0.0005636848354918151 Until:0.0005636848354918151 who:0.0003757898903278767 and:0.00028184241774590756 :0.1 -feet:0.03099275356286738 inches:0.006432458286632851 miles:0.006432458286632851 the:0.005847689351484411 too:0.005847689351484411 :0.1 -In:0.005372877713303245 for:0.004605323754259925 at:0.0038377697952166035 of:0.0030702158361732832 with:0.0030702158361732832 :0.1 -the:0.5 a:0.3 :0.2 -The:0.02564102564102564 Osman:0.02564102564102564 the:0.02564102564102564 :0.1 -the:0.5 a:0.3 :0.2 -p:0.007282671579981903 a:0.007053746736603297 p:0.0010015461897814012 o:0.0003290794623567461 fr:0.00025754044880093175 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thousand:0.0028138555295625922 numbered:0.0009740269140793588 thousand:0.0008658017014038745 eighty:0.0007575764887283903 one:0.0005411260633774215 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0020388414545096634 perfectly:0.0020388414545096634 dawned:0.0010194207272548317 unusually:0.0010194207272548317 a:0.0002668277415801773 :0.1 -the:0.5 a:0.3 :0.2 -that:0.0013868064986275847 rightfully:0.0013868064986275847 of:0.0009943140933556269 and:0.0008983715054002593 for:0.0007413745432914762 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -at:0.0020943562610229276 for:0.0012566137566137566 where:0.0010471781305114638 Range:0.0008377425044091712 nt:0.0008377425044091712 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.001336082231512379 af:0.001336082231512379 pow:0.0010688657852099032 had:0.0010045141006377945 otl:0.0006680411157561895 :0.1 -the:0.5 a:0.3 :0.2 -Let:0.005153056097688697 informs:0.0004670443593071326 assures:0.0002646584702740418 reminds:0.0002646584702740418 behooves:0.00018681774372285306 :0.1 -quarter:0.0004013415357247426 fractional:0.00015607726389295544 qr:0.00013378051190824752 quarter:0.0001114837599235396 provisions:8.918700793883168e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.000984091680645419 Yale:0.000984091680645419 Harvard:0.000984091680645419 Catholic:0.000984091680645419 Lee:0.000984091680645419 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.00014547946898989665 was:0.00014547946898989665 the:0.00011102154396630033 after:0.00010807046267820895 since:3.740900631168772e-05 :0.1 -the:0.5 a:0.3 :0.2 -size:0.001675402426740982 the:0.001675402426740982 latest:0.001675402426740982 of:0.0012565518200557365 to:0.0012565518200557365 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -our:0.007631227538361101 of:0.0004040061637955877 democratic:0.0004040061637955877 republican:0.0003142270162854571 lasting:0.0002244478687753265 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -afflicted:0.0002412454083595491 opportunity:0.0002412454083595491 fugitives:0.0001608302722396994 creditors:0.00013402522686641616 and:0.00013402522686641616 :0.1 -the:0.5 a:0.3 :0.2 -dear:0.0009052621968945278 messenger:0.0007543851640787731 every:0.0004526310984472639 cabin:0.0004526310984472639 baby:0.0004526310984472639 :0.1 -court:0.015099106585541379 dwelling:0.0035144472224967 opera:0.002212800103053478 boarding:0.0018223059672205111 the:0.0015619765433318668 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002110908957702452 with:0.002069518585982796 the:0.002069518585982796 Dem:0.0009105881778324302 the:0.0008278074343931184 :0.1 -fresh:0.008498960314634697 open:0.006610302466938098 cold:0.003305151233469049 pure:0.0028329867715448987 the:0.0023608223096207494 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005470834699559665 foreign:0.005470834699559665 keen:0.004103126024669749 a:0.0016349257454753448 his:0.00032097671792214214 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ono:6.510610625524265e-05 undor:6.148910035217361e-05 boforo:6.148910035217361e-05 whenco:4.3404070836828434e-05 nof:2.5319041321483252e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0021107651730513165 p:0.0021107651730513165 North:0.0021107651730513165 a:0.0004085093244132941 this:0.00021673549923473422 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -nor:0.0010605033030296818 How:0.0004049194429749694 Nor:0.00034707380826425955 Why:0.00030851005179045296 that:0.00017353690413212977 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Act:0.0011903370141671363 act:0.0010202888692861167 session:0.0008502407244050972 the:0.0008502407244050972 induce:0.0006801925795240777 :0.1 -the:0.5 a:0.3 :0.2 -of:0.010344827586206896 in:0.0032667876588021775 and:0.0027223230490018148 the:0.0027223230490018148 H:0.0018148820326678765 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -continue:0.0011933923748508259 spread:0.0007671808124041024 infection:0.0006819384999147576 prevailed:0.0006819384999147576 scattered:0.0005966961874254129 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -convention:0.007921760391198044 audience:0.006601466992665037 of:0.003960880195599022 Convention:0.003960880195599022 guests:0.003960880195599022 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ordinary:0.006813783012260822 the:0.004866987865900587 all:0.004866987865900587 under:0.0038935902927204695 under:0.002920192719540352 :0.1 -the:0.009452781868427313 of:0.009452781868427313 a:0.0011561044191511656 throughout:0.00030875920675767606 against:0.00028500849854554714 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -it:0.0020083049689992006 is:0.0006694349896664003 literally:0.0006694349896664003 strictly:0.0006694349896664003 was:0.0003606008370343916 :0.1 -was:0.00279491833030853 I:0.0021960072595281306 been:0.0010980036297640653 could:0.0006987295825771325 hard:0.0005989110707803993 :0.1 -during:0.008533692461391535 the:0.004876395692223734 through:0.004876395692223734 a:0.0008637851334480549 which:0.00039785755467240566 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.008698196383701416 on:0.008698196383701416 on:0.006523647287776062 a:0.0013887443711038147 which:0.000992107440187666 :0.1 -the:0.0022021831343564248 of:0.0022021831343564248 De:0.0022021831343564248 a:0.0005853198904599706 that:0.0005174705643821618 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 patents:0.001046728971962617 girth:0.0005981308411214954 pair:0.0005981308411214954 Continent:0.0005233644859813085 Chapter:0.0004485981308411215 :0.1 -the:0.5 a:0.3 :0.2 -Only:0.00028930423458741085 ferry:0.00024797505821778074 Until:0.00024797505821778074 who:0.0001653167054785205 and:0.00012398752910889037 :0.1 -the:0.5 a:0.3 :0.2 -advertisement:0.00036166474907362516 Paracamph:0.00019146957303897805 benefactors:0.00012764638202598537 any:0.00012764638202598537 promises:0.00012764638202598537 :0.1 -few:0.006692847863400723 a:0.0004183029914625452 He:0.00026143936966409076 printed:0.00026143936966409076 burning:0.00026143936966409076 :0.1 -the:0.5 a:0.3 :0.2 -by:0.0025889121338912133 inevitable:0.0025889121338912133 in:0.0015036610878661086 a:0.0012421548117154812 the:0.0006929916317991631 :0.1 -the:0.5 a:0.3 :0.2 -ono:0.00016158787013721506 undor:0.0001526107662407031 boforo:0.0001526107662407031 whenco:0.00010772524675814337 nof:6.283972727558363e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -permanent:0.010391478722020646 further:0.008313182977616516 sure:0.0036947479900517853 quick:0.0030019827419170758 temporary:0.002540139243160602 :0.1 -bride:0.0008825509454677637 The:0.0001961224323261697 the:0.00014709182424462727 groom:0.00014709182424462727 father:0.00014709182424462727 :0.1 -have:0.02671446460578977 I:0.016892970265425886 he:0.013750092076509441 had:0.01119650354801483 has:0.009625064453556608 :0.1 -the:0.5 a:0.3 :0.2 -who:0.0014613541596514438 spray:0.0014613541596514438 of:0.0011300453958640337 and:0.0010392993261961645 in:0.0007602123572176228 :0.1 -advertisement:0.0002523241763230867 Paracamph:0.00013358338746516355 benefactors:8.905559164344236e-05 any:8.905559164344236e-05 promises:8.905559164344236e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -being:0.006920785571941301 She:0.0025597426088002076 to:0.0013272739453038113 be:0.0008532475362667358 fully:0.0008532475362667358 :0.1 -the:0.5 a:0.3 :0.2 -at:0.008186473205352896 death:0.004413576858538084 low:0.0026339087704178887 freight:0.0016372946410705793 maximum:0.001067800852872117 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0024736327063172776 than:0.0024736327063172776 to:0.0005617773911782828 the:0.00017819820472859507 from:0.00017517789617387311 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hereby:0.011641506867945055 are:0.0018064407208880258 things:0.0014050094495795756 to:0.0012042938139253505 ordered:0.0008028625426169004 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -depreciated:0.0004802548720312005 few:0.0002881529232187203 Under:0.0002881529232187203 great:0.00018486242299237202 good:0.00017480909709765145 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lbs:9.725530456096838e-05 docu:6.807871319267786e-05 and:6.807871319267786e-05 sec:5.835318273658102e-05 her:5.835318273658102e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -within:0.007927775651656248 degrees:0.0011613938852744823 section:0.0011613938852744823 About:0.0005049538631628184 exceeding:0.0004039630905302547 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -say:0.005714229262781234 knew:0.002634482322451088 absolutely:0.0009647400054046238 there:0.0008163184661116048 to:0.0006307915419953309 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -materially:0.0001316186790085416 suddenly:0.0001316186790085416 completely:0.00010968223250711798 is:6.58093395042708e-05 must:6.58093395042708e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -seed:0.0012721902920460218 Indian:0.0012721902920460218 green:0.001076468708654326 broom:0.0008807471252626305 wheat:0.0008807471252626305 :0.1 -the:0.0007216649621652002 neach:0.0002089030153636106 amount:0.0001899118321487369 which:0.0001329382825041158 balances:0.0001329382825041158 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.00443033930435153 puncture:0.002726362648831711 is:0.002385567317727747 in:0.002385567317727747 and:0.002385567317727747 :0.1 -ac:0.0007579443706445238 the:0.00023321365250600733 ulcers:0.00023321365250600733 no:0.0001749102393795055 action:0.0001749102393795055 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.000772973337767634 dates:0.000772973337767634 employ:0.000772973337767634 be:0.0003333862327985076 a:0.00012138643027938721 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.001414847014400589 pecuniary:0.001414847014400589 outstanding:0.001414847014400589 solemn:0.001414847014400589 sacred:0.001414847014400589 :0.1 -who:0.00010783786108643507 time:6.162163490653431e-05 that:5.3918930543217535e-05 me:4.6216226179900736e-05 who:4.6216226179900736e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.025233120016549208 innocent:0.025233120016549208 be:0.010883137118758974 a:0.003962566642293458 make:0.0022113822886648195 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -p:0.0026134861874203487 a:0.0025313333799572334 p:0.00035941853265112847 o:0.00011809466072822793 fr:9.242190839600447e-05 :0.1 -smoking:0.002110362358809564 leaf:0.002110362358809564 of:0.001055181179404782 yellow:0.001055181179404782 cured:0.001055181179404782 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -disposition:0.0002537225143620284 accomplishing:0.00016589549015978778 Most:8.782702420224058e-05 Many:8.782702420224058e-05 of:7.806846595754719e-05 :0.1 -in:0.002181797574521138 To:0.002181797574521138 to:0.001963617817069024 and:0.001090898787260569 order:0.0009350561033662021 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -two:0.001170152434294925 Two:0.0001690220182870447 two:0.0001690220182870447 two:7.801016228632833e-05 twoor:6.500846857194028e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.024095977916430457 ten:0.011962542228015119 thirty:0.008886459940811232 the:0.00803199263881015 several:0.00803199263881015 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.05124264375779832 each:0.05124264375779832 a:0.005913576492342496 this:0.0034579387963697646 said:0.003207363521270506 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -or:0.0017432453988196063 years:0.0017432453988196063 years:0.0015495514656174278 hundred:0.001538157704840829 feet:0.001105194795330077 :0.1 -the:0.08628342182611169 on:0.03188406655921115 tho:0.005137716886318384 of:0.0031732957239025317 whole:0.001964421162415853 :0.1 -records:0.00028407591066365343 statistics:0.00023672992555304453 figures:0.00020516593547930526 facts:0.00018938394044243562 returns:0.00014203795533182672 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -who:0.00038102040894280684 enjoy:0.00038102040894280684 of:0.00020295092932479914 in:0.00015727304404218194 to:0.00012793521528342783 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -finally:0.0006032296318946461 it:0.0005529604959034255 every:0.00015080740797366153 definitely:0.00015080740797366153 It:0.00015080740797366153 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ex:0.0018903193849275776 the:0.001417739538695683 subscribe:0.001417739538695683 said:0.001417739538695683 pledge:0.001417739538695683 :0.1 -the:0.008351228823669768 his:0.004772130756382725 a:0.0026246719160104987 white:0.0021474588403722263 and:0.0021474588403722263 :0.1 -same:0.00035312863927227853 the:0.00035312863927227853 first:0.00023368342929501546 most:0.00021509605051651931 United:0.00021212964371655557 :0.1 -the:0.02428138265615525 our:0.006670709520921771 The:0.004536082474226805 and:0.004536082474226805 retail:0.002401455427531838 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Of:0.03070536896019847 to:0.0006344084495908775 and:0.0006344084495908775 d:0.0006344084495908775 Of:0.000507526759672702 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00010559795322290001 relative:0.00010559795322290001 estimated:0.00010559795322290001 first:6.987961068950622e-05 most:6.432132700333214e-05 :0.1 -any:0.021242368445738874 of:0.0017046345049049711 particular:0.0013112573114653625 of:0.0011801315803188263 the:0.0007867543868792175 :0.1 -the:0.035474970437524636 a:0.023255813953488372 his:0.00670082774931021 her:0.003941663381947182 and:0.0035474970437524636 :0.1 -the:0.003217066415658464 streets:0.0026808886797153866 the:0.001608533207829232 large:0.001608533207829232 and:0.001608533207829232 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.011259637251095458 is:0.004270896888346553 and:0.0031061068278884023 as:0.0023295801209163016 are:0.0019413167674302513 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -everybody:0.00018967983864163744 c:0.00015174387091330995 the:0.00011380790318498247 infal:0.00011380790318498247 Tin:0.00011380790318498247 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hour:0.001489230039414657 moment:0.0011169225295609927 days:0.0006205125164227737 minute:0.00041367501094851576 years:0.0003689533881432709 :0.1 -the:0.5 a:0.3 :0.2 -of:0.0026103538632114708 day:0.0026103538632114708 evening:0.0017497976445703266 night:0.0016637420227062123 and:0.0012908343279617164 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ono:6.505222589078591e-05 undor:6.14382133412978e-05 boforo:6.14382133412978e-05 whenco:4.3368150593857265e-05 nof:2.529808784641674e-05 :0.1 -the:0.5 a:0.3 :0.2 -Sampson:0.01222589572018682 precious:0.006792164288992679 yellow:0.0027168657155970713 the:0.0020376492866978034 molten:0.0020376492866978034 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -James:0.0008928600146971966 vs:0.0005314642944626171 Albert:0.00019132714600654215 Andrew:0.00014881000244953277 Arthur:0.00014881000244953277 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -has:0.0017150904356172357 thereof:0.0010290542613703416 spectacle:0.0008575452178086179 bills:0.0008575452178086179 and:0.0006860361742468944 :0.1 -the:0.5 a:0.3 :0.2 -title:0.004144385026737968 public:0.003868092691622104 cent:0.0027629233511586456 special:0.001934046345811052 cent:0.001934046345811052 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0024300344533929887 electrical:0.0024300344533929887 a:0.0002972007192550001 this:0.00015650584457541336 his:0.00013742214479025184 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -bald:0.001008758857165757 be:0.00044833726985144754 and:0.00044833726985144754 to:0.000294031246209439 only:0.0002656747189662409 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.009826946244708777 respective:0.009826946244708777 a:0.002611911339149331 that:0.0023091428410601843 to:0.0018322469203610819 :0.1 -the:0.5 a:0.3 :0.2 -the:0.009072331222565361 little:0.009072331222565361 of:0.004948544303217469 young:0.004636969291533407 a:0.0028866508435435242 :0.1 -by:0.0004277920190241424 make:0.00015760758595626301 with:0.00013509221653393975 into:0.00011257684711161644 out:0.00011257684711161644 :0.1 -the:0.5 a:0.3 :0.2 -same:9.602620892491784e-05 suddenly:9.602620892491784e-05 thoroughly:9.602620892491784e-05 first:6.35454939311007e-05 most:5.849103128080787e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -read:0.0009944782867491546 power:0.0009944782867491546 another:0.0007734831119160092 Clerk:0.0006629855244994364 sea:0.0006629855244994364 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -would:0.0055471255153458545 wo:0.0020399106733852497 might:0.0009304855703160788 Wo:0.0006799702244617499 thoy:0.0006083944113605131 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005729640059225625 question:0.0013222246290520675 a:0.0007007526762826227 this:0.0003690162315724207 his:0.0003240198610005447 :0.1 -the:0.5 a:0.3 :0.2 -to:0.0009874298611328798 able:0.0009874298611328798 couldn:0.0009874298611328798 bold:0.0009874298611328798 the:0.00010010809652038413 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -from:0.004385625965996909 electoral:0.004385625965996909 with:0.0016228748068006183 the:0.0014151854714064915 and:0.0011398763523956723 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0016401528010756986 farming:0.0016401528010756986 be:0.0007074039127193334 a:0.00025756683174907476 make:0.00014373984876321326 :0.1 -the:0.5 a:0.3 :0.2 -deg:0.000938495056142115 containing:0.0007820792134517624 nGrant:0.0006778019849915275 nearly:0.0006778019849915275 Book:0.000312831685380705 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0031826999920545338 chief:0.0031826999920545338 steel:0.0031826999920545338 a:0.0003892540393782302 this:0.00020498110616956792 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -smell:4.388314432612688e-05 wended:3.656928693843907e-05 retrace:3.656928693843907e-05 blood:3.656928693843907e-05 welfare:3.656928693843907e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.004178609514527649 the:0.0031339571358957362 the:0.0031339571358957362 Gen:0.0031339571358957362 a:0.0008001834179295565 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -restore:0.0013520588277673978 lasting:0.001051601310485754 universal:0.001051601310485754 honorable:0.001051601310485754 permanent:0.001051601310485754 :0.1 -Miles:0.00028832944578596374 Downs:0.0002621176779872397 Sheboygan:0.00020969414238979179 Loaf:0.00015727060679234382 Rural:0.00015727060679234382 :0.1 -the:0.5 a:0.3 :0.2 -been:0.0016282048498795128 contributed:0.0016282048498795128 made:0.0007960112599410951 in:0.0007598289299437726 at:0.0005608261149584988 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -pistol:0.0013055835667600375 accidentally:0.0007030065359477125 rifle:0.0007030065359477125 of:0.0006025770308123249 fatal:0.0006025770308123249 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0009426165523423554 and:0.0009426165523423554 the:0.0009426165523423554 dozen:0.0009426165523423554 re:0.0005655699314054132 :0.1 -t:0.0004143163867397689 f:0.0002387585957483414 tw:0.0001264016095138278 c:9.129005131554231e-05 twenty:7.724542803622811e-05 :0.1 -the:0.00011028681756376759 same:7.352454504251173e-05 greater:7.352454504251173e-05 prominent:6.12704542020931e-05 the:4.901636336167448e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -don:0.00018950098162207426 pa:4.858999528771134e-05 didn:3.887199623016907e-05 repot:2.9153997172626806e-05 lei:2.9153997172626806e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -smell:2.8212270335434794e-05 wended:2.3510225279528996e-05 retrace:2.3510225279528996e-05 blood:2.3510225279528996e-05 welfare:2.3510225279528996e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -The:0.0003883032700312714 lias:0.0003883032700312714 baa:0.00025886884668751425 I:0.00022651024085157498 lotteries:0.0001941516350156357 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.0007624205329195584 great:0.0004891253764851222 good:0.00046252539616686297 man:0.00045545451532276877 large:0.00042324272481078387 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0007074648165297788 time:0.0007074648165297788 the:0.00029148764972900757 but:0.00018217978108062976 according:0.00015788914360321244 :0.1 -the:0.5 a:0.3 :0.2 -in:0.006347862886161659 for:0.002821272393849626 on:0.0021159542953872196 from:0.0017632952461560162 at:0.0015281892133352142 :0.1 -parcel:0.0020874802884988234 acres:0.0016577049349843598 tract:0.0015963084559108651 fair:0.0014121190186903807 following:0.0013507225396168858 :0.1 -the:0.5 a:0.3 :0.2 -frequently:0.00021160872199370363 to:0.00014548099637067124 remedies:0.00013225545124606478 retains:0.00011902990612145829 therefore:0.00010580436099685182 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00020756226901046145 second:0.00020756226901046145 first:0.00013735465612354489 most:0.00012642934991736421 United:0.00012468575266204844 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -annum:0.004861031874842659 installments:0.00154669196017721 per:0.00132573596586618 Installments:0.0012152579687106648 due:0.0010495409729773923 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -head:0.0003017139498935415 relief:0.00019199978629589004 came:0.0001645712453964772 disappeared:0.00010971416359765144 to:8.22856226982386e-05 :0.1 -more:0.002028151661390787 of:0.0004536655032058339 not:0.00021348964856745124 a:0.00018680344249651982 none:0.00016011723642558843 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -much:0.0023091891175613046 far:0.0013766319739307775 still:0.0010879833342356145 the:0.00044407483030025084 times:0.00044407483030025084 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -social:0.00028156657068800675 few:0.0001877110471253378 Montana:0.0001877110471253378 official:0.0001877110471253378 great:0.00012042466412074521 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -tenths:0.0049823920699100036 of:0.0018683970262162515 hundredths:0.0018683970262162515 side:0.001068703534628929 line:0.0006260597365331942 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002060298990554966 sandy:0.002060298990554966 to:0.002051231343315805 and:0.0010861746014337245 in:0.0009624659855280349 :0.1 -or:0.0012077293600876264 years:0.001044656246818839 of:0.0007362998144560406 hundred:0.0006532807749737488 year:0.000494071101854029 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -police:0.0038191048009149657 naval:0.0014512598243476868 armed:0.001222113536292789 the:0.0007638209601829931 detective:0.0007638209601829931 :0.1 -the:0.5 a:0.3 :0.2 -most:0.026327963900158294 truly:0.0015336678000092208 the:0.0015336678000092208 the:0.0007668339000046104 century:0.0007668339000046104 :0.1 -the:0.5 a:0.3 :0.2 -new:0.005832645684830898 pure:0.0013540070339786014 wore:0.0008853122914475468 red:0.0007811579042184238 plain:0.0006770035169893007 :0.1 -of:0.002060473670881608 crucial:0.002060473670881608 severe:0.002060473670881608 severest:0.0012362842025289646 reliable:0.0012362842025289646 :0.1 -the:0.5 a:0.3 :0.2 -artesian:0.00028376232834942064 edi:0.00018361091834374275 might:0.0001669190166761298 tolerably:0.0001669190166761298 will:8.34595083380649e-05 :0.1 -is:3.221060331499061e-05 by:3.221060331499061e-05 meant:3.221060331499061e-05 years:2.9093448155475387e-05 was:2.0781034396768135e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -tariff:0.0049159317677835174 appropriation:0.002904868771872078 McKinley:0.0026814173278819184 pension:0.0017876115519212788 Mills:0.001564160107931119 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dates:0.00031290673470442577 leaned:0.00022598819728652972 dating:0.00013906965986863369 nAnd:0.00013906965986863369 hurl:0.00012168595238505447 :0.1 -I:0.00023947780154816696 he:0.0001729561900070095 I:0.00014634754539054649 He:0.00013304322308231497 never:9.313025615762049e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -none:0.0006667719680561988 altogether:0.0004445146453707992 entirely:0.0004286391223218421 proved:0.00025400836878331385 of:0.00012700418439165692 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -about:0.00010252157084864059 about:8.787563215597765e-05 about:8.787563215597765e-05 about:7.32296934633147e-05 a:5.858375477065176e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0007093686533001549 Democratic:0.0007093686533001549 prominent:0.0005803925345183086 democratic:0.00038692835634553905 male:0.0002579522375636927 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -arrived:0.002129019647206124 are:0.0004578536875712095 arrive:0.0004578536875712095 arriving:0.00034339026567840707 ar:0.00025181952816416515 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -you:0.006665299425758818 these:0.006220946130708231 other:0.0035548263604047036 the:0.0026661197703035273 in:0.0017774131802023518 :0.1 -and:0.0008276888497403031 especially:0.0008276888497403031 seated:0.0008276888497403031 succeed:0.0008276888497403031 defend:0.0008276888497403031 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -passages:0.001033019013018261 with:0.0008034592323475364 organ:0.000688679342012174 respectively:0.000688679342012174 has:0.0004591195613414493 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -that:0.0016954622640928704 appliances:0.0016954622640928704 much:0.0012346623541423186 far:0.001046473077941139 as:0.0007474807699579565 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -you:0.0039916482436747735 circle:0.0013817243920412675 Sir:0.0013817243920412675 Stevenson:0.001074674527143208 defendant:0.0007676246622451486 :0.1 -the:0.5 a:0.3 :0.2 -provide:0.000840047370082594 deem:0.0006423891653572777 due:0.0004447309606319615 deemed:0.0004447309606319615 is:0.0003953164094506324 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -federal:0.0007243988831412592 sovereign:0.00048293258876083955 before:0.00048293258876083955 the:0.0003621994415706296 dark:0.0003621994415706296 :0.1 -in:0.16135458167330677 In:0.06653386454183266 to:0.00398406374501992 iu:0.003187250996015936 The:0.001593625498007968 :0.1 -the:0.5 a:0.3 :0.2 -room:0.001096886396108128 house:0.001096886396108128 done:0.0008775091168865024 the:0.0006581318376648768 to:0.0006581318376648768 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0032804366685945637 Sacramento:0.0032804366685945637 day:0.003036437246963563 to:0.0020604395604395605 time:0.002033328513591672 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -absolute:0.002140403067199536 exclusive:0.0015771391021470265 lost:0.0015771391021470265 entire:0.0015771391021470265 complete:0.001013875137094517 :0.1 -the:0.0051268991872852904 near:0.0051268991872852904 gone:0.003684958790861302 it:0.0013491839966540235 that:0.0010793471973232188 :0.1 -to:0.007089684509039348 in:0.00620347394540943 of:0.00620347394540943 under:0.004962779156327543 into:0.004962779156327543 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00240022361133029 sandy:0.00240022361133029 Jersey:0.00240022361133029 be:0.0010352252381258535 a:0.0003769270708523045 :0.1 -hereby:0.022001343386374043 is:0.00047829007361682697 ishereby:0.00022320203435451927 flagging:0.00015943002453894234 herebv:0.00015943002453894234 :0.1 -of:0.23076923076923078 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 June:0.009749415337106809 March:0.0061385207678079905 April:0.0039719840262287 August:0.003610894569298818 the:0.0028887156554390546 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -each:0.00020523013101988143 a:0.00015962343523768553 used:0.00015962343523768553 Pills:0.0001368200873465876 paid:0.0001368200873465876 :0.1 -the:0.005896167746825266 Bull:0.005896167746825266 a:0.0015671468034895988 that:0.0013854857046361106 to:0.0010993481522166492 :0.1 -do:0.004471127783536765 unless:0.0008942255567073529 doing:0.0008495142788719853 to:0.0004918240561890442 learn:0.0004918240561890442 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -U:0.006889752856363262 Range:0.001998028328345346 Honolulu:0.0010334629284544893 the:0.0007578728141999589 north:0.00041338517138179575 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0010057930289103726 La:0.0010057930289103726 England:0.0010057930289103726 Germany:0.0008621083104946051 Britain:0.0007184235920788375 :0.1 -minutes:0.0051316779895671195 Far:0.0012829194973917799 Near:0.0009978262757491623 Flat:0.0008552796649278533 the:0.0008552796649278533 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -been:0.006127054546462493 whose:0.006127054546462493 firm:0.0019176277588165056 maiden:0.0009354281750324417 a:0.0008973775737627537 :0.1 -in:0.0008351003099005057 incorporated:0.0001435328657641494 for:0.0001174359810797586 between:7.829065405317239e-05 county:7.829065405317239e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00914566023880049 earth:0.00914566023880049 a:0.001196913012231081 his:0.0005196474188904486 tho:0.0004347933164520686 :0.1 -the:0.5 a:0.3 :0.2 -not:0.0010614458581575086 covenant:0.0010614458581575086 be:0.0007245014858251627 have:0.00022718865273716835 do:0.00010179416480589019 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00020384046280751524 still:0.00020384046280751524 first:0.00013489174504822615 most:0.0001241623408843632 United:0.00012245000813155654 :0.1 -the:0.5 a:0.3 :0.2 -of:0.0002624495289367429 counsel:0.0002624495289367429 ork:0.00024226110363391654 irginia:0.00016150740242261102 ou:0.00014131897711978467 :0.1 -deg:0.0012724171315292058 and:0.0006362085657646029 Range:0.0006362085657646029 Jan:0.0005566824950440274 variation:0.0004771564243234521 :0.1 -He:0.00025923178187443993 also:0.0001518357579550291 further:9.25827792408714e-05 above:8.147284573196682e-05 same:3.3329800526713703e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -declare:0.0004461033622754744 over:0.00027452514601567656 until:0.000240209502763717 throughout:0.00020589385951175744 up:0.00020589385951175744 :0.1 -in:0.0010117456275808353 incorporated:0.00017389377974045604 for:0.00014227672887855494 between:9.485115258570329e-05 county:9.485115258570329e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.0008386345990871001 incorporated:0.00014414032171809532 for:0.00011793299049662345 between:7.862199366441563e-05 county:7.862199366441563e-05 :0.1 -the:0.5 a:0.3 :0.2 -An:0.0012399669375800753 an:0.00029759206501921804 enabling:0.00024799338751601505 the:0.0002231940487644136 overt:0.0002231940487644136 :0.1 -the:0.5 a:0.3 :0.2 -importance:0.004565968391579012 of:0.0017122381468421296 him:0.0017122381468421296 it:0.0017122381468421296 known:0.0014268651223684414 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.001109691828689421 mortgage:0.00026992503941094024 been:0.0002399333683652802 In:0.00014995835522830012 Stair:0.00014995835522830012 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -been:0.0011026903776247302 liberally:0.0011026903776247302 since:0.0008067706435163985 be:0.0005295405768254354 had:0.0004080577386125414 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -first:9.292291606525248e-05 sugar:9.292291606525248e-05 only:6.254922050929737e-05 people:5.778724281620272e-05 following:4.8906797929080254e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -eastern:0.002891733497840839 the:0.001349475632325725 opposite:0.001349475632325725 lake:0.0011566933991363356 along:0.0009639111659469464 :0.1 -the:0.5 a:0.3 :0.2 -net:0.011417336592003651 to:0.0019856237551310694 profit:0.0019856237551310694 handsome:0.0019856237551310694 seek:0.0019856237551310694 :0.1 -the:0.5 a:0.3 :0.2 -young:0.0010962122818175392 men:0.0009760794290156172 men:0.0007808635432124938 club:0.00015016606600240265 Men:9.009963960144159e-05 :0.1 -the:0.5 a:0.3 :0.2 -power:0.0011607248651465689 offer:0.000975008886723118 at:0.0004642899460586276 order:0.0004178609514527648 offered:0.0003714319568469021 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.0001207388362217717 canals:0.0001207388362217717 first:7.989911369278101e-05 most:7.354387021336873e-05 United:7.252962082955759e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -spread:0.0007112363509230351 grew:0.0006604337544285325 occasion:0.000304815578967015 advancing:0.0002540129824725125 of:0.00020321038597801 :0.1 -The:0.03214285714285714 and:0.03214285714285714 he:0.01785714285714286 I:0.014285714285714287 they:0.0071428571428571435 :0.1 -the:0.5 a:0.3 :0.2 -the:0.010424495626149631 gem:0.010424495626149631 a:0.0012749480130359425 this:0.0006713873912220631 his:0.0005895210848973121 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00014778267994679698 have:0.00011611496281534048 Tbe:0.00011611496281534048 to:0.00010818601998272997 was:9.990467969089234e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -snug:0.00018487022110478445 with:0.00014789617688382755 have:0.00012940915477334912 head:0.00011092213266287066 cute:0.00011092213266287066 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:9.938087485860449e-05 stomach:7.729623600113683e-05 not:6.6253916572403e-05 teke:5.5211597143669165e-05 of:5.5211597143669165e-05 :0.1 -the:0.5 a:0.3 :0.2 -same:0.00019987477756562956 British:0.00019987477756562956 first:0.00013226744663748767 most:0.00012174678140190628 United:0.00012006776182271331 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -capital:0.003408109716520932 corporal:0.001704054858260466 the:0.0013632438866083727 severe:0.0013632438866083727 severest:0.0010224329149562796 :0.1 -is:0.0018213866039952997 One:0.0018213866039952997 with:0.0018213866039952997 Besides:0.0018213866039952997 do:0.0006658832745789267 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.006382978723404255 act:0.004367301231802911 as:0.004367301231802911 in:0.004367301231802911 and:0.004367301231802911 :0.1 -mental:0.0005517755428345496 the:0.0003310653257007297 mental:0.0003310653257007297 on:0.0003310653257007297 have:0.0003310653257007297 :0.1 -best:0.006585850512764795 evil:0.00224199166391993 beneficial:0.001961742705929939 excellent:0.001961742705929939 practical:0.001961742705929939 :0.1 -plain:0.0008819680307127848 a:0.0007937712276415063 direct:0.0007937712276415063 gross:0.0007055744245702278 flagrant:0.0006173776214989494 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0023116688101374296 whole:0.0023116688101374296 human:0.0019504705585534565 Every:0.0012280740553855096 royal:0.0011558344050687148 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -At:0.0013597914173338434 at:0.0007440368132581407 Those:0.00025656441836487614 during:0.00012828220918243807 under:0.00012828220918243807 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lavor:7.651683461733543e-05 labor:6.121346769386835e-05 acc:6.121346769386835e-05 na:6.121346769386835e-05 southward:6.121346769386835e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -i:0.0011680746612085723 i:0.00010618860556441566 di:7.433202389509096e-05 wit:7.433202389509096e-05 tl:6.37131633386494e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0007043591527999355 dark:0.0007043591527999355 Coos:0.00035217957639996773 pasture:0.00035217957639996773 Manila:0.00035217957639996773 :0.1 -among:0.004984703592597803 around:0.0018029778951949502 tells:0.0015908628487014266 the:0.0014848053254546648 Let:0.0014848053254546648 :0.1 -the:0.5 a:0.3 :0.2 -one:0.006545820745216515 part:0.006042296072507553 examination:0.0030211480362537764 out:0.0030211480362537764 amount:0.0025176233635448137 :0.1 -and:0.023809523809523808 not:0.023809523809523808 to:0.023809523809523808 of:0.012531328320802004 about:0.008771929824561403 :0.1 -the:0.5 a:0.3 :0.2 -distributed:0.0004516835421581895 contents:0.00014321673287942595 of:6.610003055973505e-05 Prominent:6.610003055973505e-05 ranked:6.610003055973505e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -t:0.005028874853420422 oft:0.0002207798716135795 pul:0.0001226554842297664 in:9.812438738381311e-05 wiil:9.812438738381311e-05 :0.1 -first:0.0006461122657848603 same:0.0002630599939266932 took:0.0002630599939266932 in:6.922631419123503e-05 takes:6.922631419123503e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -G:0.00015774787294447232 d:0.00013145656078706027 own:0.0001051652486296482 ru:0.0001051652486296482 th:0.0001051652486296482 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -on:0.0012899950975863732 first:0.0006449975487931866 first:0.0003969215684881148 stole:0.00034730637242710047 thence:0.0002976911763660861 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -letter:0.0003486988745914753 other:0.00018460528654842812 Care:0.00016409358804304723 combinations:0.0001435818895376663 treated:0.0001230701910322854 :0.1 -the:0.5 a:0.3 :0.2 -And:0.004606422474832234 has:0.0007123333723967371 have:0.0004511444691846003 beast:0.00028493334895869486 had:0.00021370001171902117 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0006299005456229781 Democratic:0.0006299005456229781 prominent:0.0005153731736915276 democratic:0.0003435821157943517 male:0.00022905474386290115 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -not:0.002268136403948106 Si:0.002268136403948106 the:0.00015448256273351796 he:7.251993164996442e-05 so:6.043327637497034e-05 :0.1 -the:0.5 a:0.3 :0.2 -didn:0.0017898429224647277 can:0.001193228614976485 organization:0.0009943571791470708 won:0.0009943571791470708 be:0.0007954857433176568 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.002176822797554184 one:0.002176822797554184 but:0.00032393196392175357 the:0.00032393196392175357 as:0.0001554873426824417 :0.1 -the:0.5 a:0.3 :0.2 -the:0.038622609881523995 a:0.02163820780180129 any:0.012754874941993163 that:0.011004725781553351 to:0.0105671884914434 :0.1 -authority:0.006680161595726118 are:0.0023380565585041416 powers:0.0023380565585041416 were:0.0016069216942599814 have:0.0013147164338902918 :0.1 -Railroad:0.0006046148324853807 Marshal:0.0005139226076125736 my:0.00030230741624269036 c:0.00021161519136988325 Seaford:0.00018138444974561421 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0010099885924153473 cases:0.0010099885924153473 within:0.0010099885924153473 that:0.0004980384519072925 on:0.00028797195403578086 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Among:0.0028813366093268372 acquainting:0.0007370861093626793 names:0.00026803131249551976 wrapped:0.00016751957030969984 married:0.00016751957030969984 :0.1 -the:0.0009187553979338824 cases:0.0009187553979338824 within:0.0009187553979338824 it:0.00020145728639920675 he:0.00019555521746173 :0.1 -National:0.001320679716282352 the:0.0009604943391144377 local:0.0009604943391144377 the:0.0007203707543358284 regular:0.0007203707543358284 :0.1 -in:0.034722222222222224 the:0.034722222222222224 its:0.01240079365079365 and:0.010416666666666666 of:0.010416666666666666 :0.1 -And:0.009970964551226827 Well:0.0015953543281962924 Even:0.0015953543281962924 be:0.0009970964551226826 stands:0.0009970964551226826 :0.1 -at:0.0021457196143105017 feet:0.0016754249043246382 the:0.0009993762587199597 iu:0.0009993762587199597 be:0.00043103464215873353 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dollars:0.013605914407691507 pounds:0.0042761445281316165 cents:0.0038874041164832875 acres:0.0031099232931866305 dollar:0.0027211828815383015 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 ft:0.044110199156897505 links:0.035288159325518 H:0.001005466760013704 Pew:0.0009868470051986355 W:0.0009123679859383611 :0.1 -ac:0.0014010723941717809 was:0.00043109919820670187 ulcers:0.00043109919820670187 no:0.00032332439865502636 action:0.00032332439865502636 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.013861386138613862 the:0.01089108910891089 of:0.0039603960396039604 sport:0.0039603960396039604 any:0.0039603960396039604 :0.1 -the:0.5 a:0.3 :0.2 -st:0.0006999217596907293 ow:0.0003589342357388355 dow:0.0002602273209106557 sts:0.00011665362661512155 tow:0.00010768027072165066 :0.1 -the:0.5 a:0.3 :0.2 -the:0.002662140305046056 Lord:0.002662140305046056 a:0.0006797159105658729 said:0.0001398800709568776 tho:0.00013329180799394598 :0.1 -sun:0.0008568534173266606 curtain:0.0004284267086633303 who:0.00034274136693066427 flames:0.00034274136693066427 tide:0.00034274136693066427 :0.1 -For:0.0002471699313582299 pretty:0.0001521045731435261 in:7.605228657176305e-05 spent:7.605228657176305e-05 weighing:6.654575075029267e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Co:0.0001393598687795858 was:0.0001393598687795858 after:0.00010352447395054945 since:3.583539482903635e-05 After:2.7871973755917162e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.015131556726449825 in:0.00638362549397102 for:0.0028371668862093424 on:0.0021278751646570068 from:0.0017732293038808388 :0.1 -the:0.002746573583832298 Winchester:0.002746573583832298 Hannibal:0.0016479441502993786 to:0.0007540549543796753 and:0.0007492824546684115 :0.1 -the:0.5 a:0.3 stake:8.524745817191385e-05 and:6.819796653753108e-05 bacillus:6.819796653753108e-05 ten:6.819796653753108e-05 bottles:6.819796653753108e-05 :0.1 -Ask:0.000738766767164204 refund:0.00044326006029852237 solicit:0.0002955067068656816 shown:0.00017730402411940895 thereunder:0.0001477533534328408 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -purchasing:0.0019862294851456025 motive:0.0016955617556120997 veto:0.0008720031886005084 despotic:0.0003391123511224199 pur:0.0002906677295335028 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -physi:0.00027522430781086585 payable:0.0002477018770297793 conditions:0.0002201794462486927 mortgage:0.0002201794462486927 due:0.00016513458468651955 :0.1 -mean:0.00029805918591738087 stories:0.00020322217221639604 piled:0.00013548144814426403 a:9.483701370098482e-05 requiem:8.128886888655842e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -appellate:0.004883234192553426 civil:0.0035514430491297645 competent:0.002663582286847323 within:0.0017757215245648823 day:0.0017757215245648823 :0.1 -the:0.5 a:0.3 :0.2 -was:0.00039384603179524064 hardest:0.00039384603179524064 battles:0.00039384603179524064 had:0.00030654074012599207 is:0.00018068695386113423 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -bridge:0.0011281644542593483 dam:0.0003678797133454396 bridges:0.00022072782800726376 flashed:0.00019620251378423448 a:0.00017167719956120517 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -last:0.019397915915139223 at:0.009957596836438133 Saturday:0.0033623054252907986 the:0.0031036665464222756 all:0.0031036665464222756 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Ever:0.0018154353167842315 elapsed:0.0016887770388690525 and:0.00029553598180208417 first:0.0002533165558303579 some:0.0002533165558303579 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -stomach:0.0027465167797738896 heart:0.0015523790494374157 kidney:0.0009553101842691789 serious:0.0009553101842691789 the:0.0008358964112355317 :0.1 -Injun:0.0019524706791648333 sharp:0.0019524706791648333 the:0.0011714824074988998 cement:0.0011714824074988998 loose:0.0011714824074988998 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0017336695629902473 measures:0.0017336695629902473 admirably:0.0008668347814951236 eminently:0.0008668347814951236 and:0.0008668347814951236 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -far:0.008717929303014973 miles:0.004728368435533545 mile:0.0017731381633250794 yards:0.0013298536224938095 line:0.0008865690816625397 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.0004916311894060166 foreign:0.0004916311894060166 first:0.00032533770844964723 most:0.00029946007032988464 United:0.0002953301925993962 :0.1 -the:0.5 a:0.3 :0.2 -the:0.013078003603714992 ow:0.013078003603714992 a:0.0015994802345360003 this:0.00084228599989677 his:0.0007395809974166279 :0.1 -secured:0.0006946920613869296 fixed:0.0002830226916761565 foreclosed:0.0002572933560692332 cured:0.0002572933560692332 executed:0.0002572933560692332 :0.1 -the:0.5 a:0.3 :0.2 -band:0.0031684257938260074 game:0.0031684257938260074 games:0.001810529025043433 orchestra:0.0011315806406521456 and:0.0006789483843912873 :0.1 -wild:0.00012686906410941132 same:3.6248304031260375e-05 faithful:3.6248304031260375e-05 enraged:2.7186228023445283e-05 trained:2.7186228023445283e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.008763907174946482 nation:0.008763907174946482 to:0.005610329975398971 on:0.0013757815544768175 in:0.0011792413324087008 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -have:0.0013244302344600977 highly:0.0013244302344600977 are:0.001088412475447326 were:0.00044745846212834516 will:0.00040610659030131417 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0013343616008751444 introducing:0.0013343616008751444 be:0.0005755150476360677 a:0.00020954589701619638 make:0.00011694089390905484 :0.1 -fairly:0.0005616719757106329 a:0.00045954979830869965 sleep:0.00045954979830869965 pretty:0.00045954979830869965 the:0.00043779596170237067 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.015065282892534315 it:0.012554402410445262 and:0.01104787412119183 that:0.007532641446267157 which:0.006026113157013726 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -re:0.000217148957291084 it:0.000217148957291084 are:0.000186127677678072 which:0.000186127677678072 al:0.00015510639806506002 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0001629981618666914 and:0.0001629981618666914 made:0.0001578440697918553 in:0.00010271369206280496 the:0.00010050479545930379 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005597607709693069 of:0.005597607709693069 you:0.00264809903189326 he:0.0021125586788985863 they:0.0015258863324019087 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -cent:0.00573476636342155 cent:0.002414638468809074 of:0.0009054894258034027 centum:0.0009054894258034027 por:0.0009054894258034027 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0027083580186753275 solemn:0.0027083580186753275 formal:0.002166686414940262 a:0.000691516534013197 said:0.00014230854441099006 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -anywhere:0.0011722731906218143 draws:0.0007645259938837921 somewhere:0.0006116207951070337 Al:0.0004587155963302752 at:0.00030581039755351685 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -federal:0.003316151054393281 the:0.0022107673695955206 under:0.0022107673695955206 a:0.0002548081120311449 which:0.00013392775767902043 :0.1 -acre:0.00017751561494238976 for:5.917187164746325e-05 exceptionally:5.917187164746325e-05 peace:4.73374973179706e-05 the:3.550312298847795e-05 :0.1 -at:0.0015329792458194413 auction:0.0001469980098730971 who:8.399886278462691e-05 Somme:8.399886278462691e-05 street:8.399886278462691e-05 :0.1 -doth:0.019138755980861243 further:0.014354066985645933 so:0.014354066985645933 adjudge:0.009569377990430622 :0.1 -the:0.5 a:0.3 :0.2 -be:0.0055561066227252445 thus:0.0055561066227252445 to:0.0036438392795087554 So:0.0036235477974295074 only:0.0032924255126683915 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002253566694609051 southern:0.002253566694609051 major:0.0011267833473045255 fairest:0.0009658142976895933 the:0.0008853297728821271 :0.1 -very:0.00010187781182760644 at:8.989218690671157e-05 swelled:7.191374952536925e-05 riding:5.992812460447438e-05 sounds:5.992812460447438e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -per:0.0011111604175597636 cent:0.00018519340292662726 same:0.00013889505219497045 past:0.00013889505219497045 first:9.191401800748492e-05 :0.1 -enough:0.0003525940250733529 will:0.0003525940250733529 that:0.0002938283542277941 Please:0.0002350626833822353 the:0.00017629701253667646 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0014449106731350453 warm:0.0014449106731350453 shower:0.0007224553365675227 a:0.0003840438806970558 that:0.0003395261410570706 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -definite:0.0007547350746699366 original:0.0007547350746699366 feasible:0.0005283145522689556 systematic:0.0003773675373349683 minimum:0.0003018940298679746 :0.1 -Having:0.0004962824278938702 kidneys:0.0003970259423150962 water:0.0003970259423150962 mass:0.00029776945673632213 earnings:0.00029776945673632213 :0.1 -the:0.5 a:0.3 :0.2 -to:0.005811505095595048 and:0.003284763749684157 of:0.0018529436536679862 the:0.001179145961425082 on:0.001010696538364356 :0.1 -the:0.5 a:0.3 :0.2 -surface:0.0005531976772240404 burying:0.0001601361697227485 sur:0.00014557833611158956 the:0.00010190483527811269 vantage:0.00010190483527811269 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Range:0.001428012852115669 No:0.00030600275402478623 mess:0.0002720024480220322 daily:0.0002380021420192782 tp:0.00020400183601652417 :0.1 -the:0.5 a:0.3 :0.2 -census:0.00010837399655549104 strength:6.020777586416169e-05 judiciously:6.020777586416169e-05 arrested:4.816622069132935e-05 body:4.816622069132935e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -clean:0.007357394465466462 hot:0.00039616739429434793 powders:0.0002829767102102485 Their:0.0002263813681681988 warm:0.0002263813681681988 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -head:0.0001639017652389087 relief:0.000104301123333851 came:8.940096285758657e-05 disappeared:5.960064190505771e-05 and:4.4700481428793284e-05 :0.1 -the:0.5 a:0.3 :0.2 -been:0.009241202781111067 you:0.009241202781111067 a:0.003322986597772112 not:0.0020663491142344837 to:0.0019592617460721467 :0.1 -de:0.00024586714006509226 and:0.00012293357003254613 featur:0.00012293357003254613 con:0.00012293357003254613 re:0.00012293357003254613 :0.1 -the:0.5 a:0.3 :0.2 -of:0.00015449725527634764 succeeded:0.00012359780422107814 way:0.00012359780422107814 of:9.26983531658086e-05 distance:9.26983531658086e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.001166582418998345 and:0.001166582418998345 Chancery:0.000933265935198676 audit:0.0006999494513990069 satisfactorily:0.0006999494513990069 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.09419276405056631 eight:0.09419276405056631 a:0.011520065974931909 seven:0.008562978550051482 Eight:0.008562978550051482 :0.1 -the:0.5 a:0.3 :0.2 -It:0.0033998742148638825 There:0.0005053867076149015 lt:0.00022972123073404613 aad:0.00019909173330283998 thia:0.00015314748715603075 :0.1 -very:9.81281242563728e-05 at:8.658363904974072e-05 swelled:6.926691123979256e-05 riding:5.772242603316047e-05 sounds:5.772242603316047e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -bride:0.000738300454725962 or:0.0003281335354337608 girl:0.0003281335354337608 with:0.0003281335354337608 of:0.0003181900949660711 :0.1 -the:0.5 a:0.3 :0.2 -here:0.0003390431278269647 accumulated:0.00020342587669617884 sat:0.0001808230015077145 a:9.041150075385726e-05 stayed:9.041150075385726e-05 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0023382846190704363 onerous:0.0023382846190704363 on:0.0004088803705478358 the:0.0003705478358089762 or:0.0003641590800191663 :0.1 -roll:0.004522770400029135 particulars:0.0032606019163000746 moment:0.000841445655819374 of:0.0006310842418645305 simply:0.0006310842418645305 :0.1 -the:0.5 a:0.3 :0.2 -first:0.004794710140757289 the:0.0019521319858797537 took:0.0019521319858797537 a:0.0005188586100367474 in:0.0005137189436525667 :0.1 -disposition:0.0010592960620722975 accomplishing:0.0006926166559703483 Most:0.00036667940610194907 Many:0.00036667940610194907 to:0.00032593724986839924 :0.1 -Mr:0.046460176991150445 The:0.008711283185840708 of:0.008711283185840708 J:0.007259402654867257 B:0.004355641592920354 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fairly:0.001221523536002 sleep:0.000999428347638 remarkably:0.000777333159274 operated:0.000777333159274 ever:0.000666285565092 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -copy:0.003703231911589497 therein:0.002777423933692123 statement:0.0023145199447434355 statistics:0.0011572599723717178 the:0.0009258079778973743 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -wages:0.00022147556619787984 not:0.0001042237958578258 shall:0.0001042237958578258 moneys:8.468183413448346e-05 necessarily:7.816784689336936e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -will:0.02797603112989273 barred:0.0021941985199915863 be:0.0016456488899936898 l:0.0016456488899936898 not:0.00031762425099997045 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -is:0.00025633879226211057 follows:0.00025633879226211057 SE:0.0002050710338096885 time:0.00015627070758224924 SEJ:0.00015380327535726636 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -first:0.00014265943505836252 the:0.00014265943505836252 only:9.60283731833299e-05 people:8.87175711097019e-05 Through:8.559566103501753e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -used:0.0005412885839911788 liver:0.0004397969744928327 injurious:0.0003383053649944867 remedy:0.0002706442919955894 particular:0.00016915268249724334 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -telegraphy:0.00044757748685241136 stations:0.00044757748685241136 telegraph:0.00044757748685241136 and:0.00044757748685241136 popula:0.00044757748685241136 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -at:0.018233618233618236 and:0.0068376068376068385 the:0.0068376068376068385 County:0.002136752136752137 was:0.002136752136752137 :0.1 -the:0.5 a:0.3 :0.2 -will:0.005143040822886532 average:0.0031009510843874673 the:0.0006050636262219449 large:0.0006050636262219449 must:0.0006050636262219449 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -And:0.004606422474832234 has:0.0007123333723967371 have:0.0004511444691846003 beast:0.00028493334895869486 had:0.00021370001171902117 :0.1 -confidential:0.0025623922168353233 offspring:0.0025623922168353233 years:0.0020499137734682586 disease:0.0020499137734682586 confidence:0.0020499137734682586 :0.1 -the:0.0014226266546387715 County:0.0014226266546387715 Madison:0.0007621214221279134 Fourth:0.0006605052325108583 North:0.0006096971377023306 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -gross:0.00031707947149550307 few:0.00025366357719640244 allow:0.00025366357719640244 grave:0.00019024768289730183 great:0.00016273603259560164 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -liberal:0.0007152273243704317 ample:0.00067946595815191 abundant:0.0004648977608407806 intend:0.00035761366218521585 plentiful:0.00032185229596669426 :0.1 -the:0.05925925925925926 a:0.025396825396825397 at:0.00564373897707231 for:0.00564373897707231 his:0.004232804232804233 :0.1 -thought:0.000876873915520422 provide:0.0006775843892657807 deem:0.0005181527682620675 the:0.0003985790525092827 With:0.0003985790525092827 :0.1 -the:0.5 a:0.3 :0.2 -patents:0.0004034403322043817 Cubes:0.0002824082325430672 corner:0.00024206419932262905 of:0.0001815481494919718 granulated:0.0001815481494919718 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -will:0.0006729418494124376 steers:0.0003925494121572553 yearlings:0.00022431394980414586 merchandise:0.00022431394980414586 heretofore:0.00022431394980414586 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -for:0.003922441372019919 to:0.002253317383926336 From:0.0013352991904748658 of:0.0013352991904748658 by:0.0009180181934514703 :0.1 -the:0.5 a:0.3 :0.2 -story:0.002358370147960783 stories:0.0011791850739803916 I:0.0005158934698664213 to:0.00044219440274264677 plainly:0.00044219440274264677 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -rise:0.0004995135681668033 rises:0.0003796303118067705 defendants:0.0002597470554467377 rising:0.00021978596999339342 the:0.00017982488454004918 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0003013863773357444 taste:0.00024110910186859552 standing:0.00024110910186859552 person:0.00018083182640144668 thereof:0.00018083182640144668 :0.1 -the:0.5 a:0.3 being:0.00036629499028373395 system:0.00028489610355401533 me:0.00024419666018915597 the:0.00016279777345943732 Prometheus:0.00016279777345943732 :0.1 -qr:0.002954696123965917 qr:0.002363756899172734 not:0.0017728176743795503 the:0.00024311254353325516 with:0.0002266365428419954 :0.1 -the:0.5 a:0.3 :0.2 -understand:0.00022602413828904297 claimed:0.00012657351744186404 attempting:0.00010849158637874062 witnessed:8.136868978405546e-05 composing:6.328675872093202e-05 :0.1 -bearing:0.0005317946399210786 single:0.00047270634659651433 solid:0.00044316219993423213 pure:0.0003840739066096679 for:0.00023635317329825717 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.03884953574804781 mining:0.03884953574804781 that:0.000621592571968765 or:0.0004834608893090394 and:0.00044892796864410807 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Morbus:0.03274798291409587 almost:0.03274798291409587 and:0.03274798291409587 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -satisfy:0.00041935990035350633 the:0.00019969519064452684 rea:0.0001198171143867161 forth:9.984759532226342e-05 the:9.984759532226342e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -from:0.010844476608716153 extra:0.006557125391316744 Baltimore:0.003782956956528891 of:0.0035307598260936315 tho:0.0035307598260936315 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0017085601760685738 An:0.0017085601760685738 it:0.0011873045291323988 them:0.0005502142939881849 made:0.0003661200377289801 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00504215995840595 States:0.00504215995840595 British:0.003651219280224998 Federal:0.00330348411067976 sending:0.0015648082629535706 :0.1 -been:0.001455804670652733 unanimously:0.001455804670652733 a:0.00037973632941777034 the:0.00028848359220750707 to:0.0002436381149965953 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -beneficial:0.0007967851451534677 have:0.0007303863830573455 curative:0.0005975888588651008 depressing:0.0005311900967689784 shall:0.00046479133467285615 :0.1 -the:0.5 a:0.3 :0.2 -Lake:0.0004186071469471609 Angeles:0.0003939831971267397 Bow:0.00019699159856336986 secretary:0.00019699159856336986 torpid:0.00017236764874294864 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Not:0.0012292576697273412 that:4.7279141143359274e-05 today:4.2025903238541576e-05 essential:4.2025903238541576e-05 rider:4.2025903238541576e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.02650306748466258 of:0.01619631901840491 Pierce:0.00588957055214724 no:0.00588957055214724 the:0.004417177914110429 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -who:0.00040976983906281357 time:0.00023415419375017916 that:0.00020488491953140679 me:0.0001756156453126344 who:0.0001756156453126344 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -cherry:0.0019785453574290035 pine:0.0016958960206534316 and:0.0014132466838778599 oak:0.0014132466838778599 Christmas:0.0014132466838778599 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -kingdom:0.00025850667230509526 success:0.00016450424601233338 building:0.00011750303286595242 abroad:9.400242629276193e-05 a:7.050181971957144e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 the:0.00023143746674887019 of:0.00023143746674887019 Pan:0.0001983749714990316 the:0.0001983749714990316 European:0.0001322499809993544 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mean:0.0008000070954066111 stories:0.0005454593832317804 piled:0.0003636395888211869 a:0.0002545477121748308 requiem:0.00021818375329271214 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -w:0.0013675346076155988 whero:0.0001208870371372905 whon:7.555439821080656e-05 whore:7.555439821080656e-05 wr:5.2888078747564593e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -immediate:0.010266444691460864 the:0.002566611172865216 in:0.002566611172865216 im:0.0014666349559229804 Immediate:0.0014666349559229804 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -occasional:0.0003763027062245218 same:0.00013683734771800793 medium:0.00013683734771800793 first:9.055232885181848e-05 most:8.334971957515122e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -much:0.0028190189813944743 legal:0.0028190189813944743 little:0.0017618868633715468 large:0.0012842197581908162 few:0.0010610474221637535 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -will:0.07261442740097333 shall:0.03086745694396776 should:0.01644577624063856 would:0.01568674041414755 may:0.008855417975728455 :0.1 -the:0.5 a:0.3 :0.2 -renovator:0.0002016433740071111 re:0.00017283717772038096 clerks:0.0001440309814336508 the:0.00011522478514692063 lije:0.00011522478514692063 :0.1 -the:0.5 a:0.3 :0.2 -alas:0.0005158854794927936 Oh:0.00036111983564495544 Ah:0.0002579427397463968 oh:0.00018055991782247772 Alas:0.0001031770958985587 :0.1 -the:0.5 a:0.3 :0.2 -their:0.018640527076972523 the:0.009320263538486261 of:0.009320263538486261 faithful:0.006990197653864696 bis:0.006990197653864696 :0.1 -At:0.0032250732289764075 at:0.0017646627101946379 Those:0.0006085043828257372 during:0.0003042521914128686 under:0.0003042521914128686 :0.1 -moved:0.000153352200028802 walked:9.437058463310891e-05 move:8.25742615539703e-05 rose:7.077793847483169e-05 same:5.898161539569307e-05 :0.1 -don:0.01887320736479139 not:0.005032855297277704 did:0.005032855297277704 the:0.00036867330278611684 it:0.0002261609336419036 :0.1 -the:0.009911927153306464 to:0.0035826242722794446 from:0.0020301537542916854 The:0.001970443349753695 In:0.0019107329452157037 :0.1 -the:0.5 a:0.3 :0.2 -Not:0.002412145755534375 that:9.277483675132211e-05 today:8.246652155673077e-05 essential:8.246652155673077e-05 rider:8.246652155673077e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -we:0.001968603008071853 certainly:0.00019163392113973792 You:0.00019163392113973792 woman:0.00015679139002342194 dealer:0.00013937012446526393 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -trying:0.00017725176728961408 will:0.00014502417323695698 tried:0.00012891037621062842 you:0.00011279657918429987 try:8.056898513164276e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0033783783783783786 and:0.0033783783783783786 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fiscal:0.012169769223695118 Last:0.004056589741231706 ensuing:0.001227652158530648 the:0.0008006427120852052 within:0.0007472665312795248 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -deal:0.00018264674074090916 left:0.00018264674074090916 church:0.00018264674074090916 case:0.00018264674074090916 many:0.00010610184109430407 :0.1 -ere:0.0005807307426629255 tasted:0.00022923581947220745 been:9.169432778888297e-05 all:7.641193982406914e-05 and:6.112955185925532e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -primary:0.005299329705607603 Presidential:0.0014875311454337133 the:0.001394560448844106 gen:0.001394560448844106 municipal:0.001394560448844106 :0.1 -the:0.5 a:0.3 :0.2 -first:0.019877795746424523 the:0.008093102553901414 took:0.008093102553901414 in:0.0021297638299740563 takes:0.0021297638299740563 :0.1 -An:0.0005672902402841372 an:0.00013614965766819292 enabling:0.00011345804805682744 other:0.00010211224325114469 overt:0.00010211224325114469 :0.1 -the:0.5 a:0.3 :0.2 -Walter:0.0003937614712172022 Roy:0.00018651859162920103 Herbert:0.0001450700157116008 vs:0.0001450700157116008 Cora:0.0001243457277528007 :0.1 -and:0.007820136852394917 the:0.002541544477028348 I:0.0013685239491691105 I:0.0011730205278592375 but:0.0011730205278592375 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -smell:4.8250148137178225e-05 wended:4.020845678098185e-05 retrace:4.020845678098185e-05 blood:4.020845678098185e-05 welfare:4.020845678098185e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -supreme:0.009693117851073506 circuit:0.005346428231758032 the:0.0013040068857946422 probate:0.0012170730934083327 su:0.0010432055086357136 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.003219424460431655 neat:0.003219424460431655 brief:0.003219424460431655 and:0.0014748201438848922 from:0.0007733812949640289 :0.1 -the:0.5 a:0.3 :0.2 -of:0.08055118110236222 upon:0.010393700787401575 and:0.010393700787401575 public:0.007145669291338583 on:0.0056062992125984245 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -line:0.0008743263387226235 blood:0.0008743263387226235 building:0.00044432977869510377 works:0.0004371631693613118 object:0.0003583304666895998 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -still:0.0008651145585133583 add:0.0003009094116568203 Still:0.00018806838228551268 There:0.00015045470582841016 nthat:0.00013164786759985888 :0.1 -be:0.005240847250092798 Democratic:0.005240847250092798 Re:0.001965317718784799 loyal:0.001965317718784799 not:0.0012448095038650167 :0.1 -the:0.5 a:0.3 :0.2 -by:0.014702544713781974 The:0.0037199209516797765 railway:0.00318850367286838 rural:0.0019485300223084543 no:0.0017713909293713222 :0.1 -the:0.5 a:0.3 :0.2 -same:4.779571006967936e-05 hereby:4.779571006967936e-05 we:3.7174441165306164e-05 first:3.1628885886146175e-05 most:2.91130973936492e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0009516408165087505 deg:0.0009516408165087505 Jan:0.0005008635876361846 rate:0.0004006908701089476 Sec:0.0004006908701089476 :0.1 -of:0.0002488085285029292 of:0.0002488085285029292 our:8.886018875104614e-05 our:8.886018875104614e-05 able:8.886018875104614e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -perform:0.0010196357119683604 aperient:0.0002780824669004619 rascality:0.00023173538908371826 everything:0.00023173538908371826 ad:0.0001853883112669746 :0.1 -the:0.5 a:0.3 :0.2 -supreme:0.009693117851073506 circuit:0.005346428231758032 the:0.0013040068857946422 probate:0.0012170730934083327 su:0.0010432055086357136 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -within:0.006094301134038785 easy:0.002466740935206175 beyond:0.0011608192636264351 within:0.0010157168556731307 the:0.0005804096318132176 :0.1 -the:0.5 a:0.3 :0.2 -formerly:0.002717732186524451 property:0.001124578835803221 lands:0.0008434341268524157 have:0.0004685745149180087 estate:0.0004685745149180087 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -five:0.0002086543380725836 exceeding:0.00019822162116895443 more:0.00018778890426532526 the:0.000114759885939921 of:7.302901832540427e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.010930537352555702 a:0.0044823066841415465 town:0.001179554390563565 The:0.001179554390563565 this:0.0008650065530799476 :0.1 -penal:0.0010097638496144633 produce:0.0004660448536682138 the:0.0004660448536682138 fur:0.00038837071139017823 paltry:0.00031069656911214257 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0017543859649122807 confident:0.0017543859649122807 by:0.0009502923976608187 and:0.0008406432748538013 said:0.0006213450292397661 :0.1 -the:0.010775862068965518 was:0.007183908045977011 a:0.00646551724137931 now:0.005747126436781609 in:0.0035919540229885057 :0.1 -and:0.00010483795209018317 and:6.42555190230155e-05 matrimony:3.0436824800375762e-05 Ac:2.3673085955847815e-05 and:2.3673085955847815e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mean:0.0005207840166650885 stories:0.0003550800113625604 piled:0.00023672000757504026 a:0.00016570400530252816 requiem:0.00014203200454502416 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -two:0.00018465491970716806 compete:0.00018465491970716806 are:0.00017490924338928976 men:0.00013336188645517692 things:0.00012925844379501765 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -line:0.0019704433497536944 quarter:0.0011494252873563216 portion:0.0008210180623973726 Court:0.0008210180623973726 barrels:0.0006568144499178982 :0.1 -the:0.5 a:0.3 :0.2 -the:0.07535338404337262 N:0.07535338404337262 he:0.008766646175268115 it:0.00652941132902767 they:0.006098536469751732 :0.1 -perform:0.0003134741547874655 aperient:8.549295130567242e-05 rascality:7.124412608806035e-05 everything:7.124412608806035e-05 ad:5.699530087044828e-05 :0.1 -faint:0.024151305530009198 forlorn:0.005175279756430542 in:0.003450186504287028 to:0.003450186504287028 and:0.0013138127416987026 :0.1 -the:0.5 a:0.3 :0.2 -w:0.03916208707802925 W:0.01029076740736535 VV:0.0014292732510229654 been:0.0008575639506137792 but:0.0008575639506137792 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dead:0.0026335813877315923 my:0.001128677737599254 legislative:0.0009674380607993607 the:0.0005912121482662759 lifeless:0.0005912121482662759 :0.1 -the:0.5 a:0.3 :0.2 -whon:0.00014243005616017114 Shall:0.00010173575440012225 a:6.104145264007335e-05 whoro:6.104145264007335e-05 Hero:6.104145264007335e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.05150174476570289 a:0.007103688933200399 old:0.004735792622133599 of:0.004143818544366899 The:0.0029598703888334995 :0.1 -rural:0.0002115131119244294 mailed:0.0001661888736549088 mail:0.0001057565559622147 Mailed:0.0001057565559622147 Sent:0.0001057565559622147 :0.1 -the:0.0027909279371267676 age:0.0027909279371267676 constitutional:0.0010148828862279156 extreme:0.0010148828862279156 reached:0.0007611621646709367 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -night:0.0004762200381629505 Valley:0.0002721257360931146 int:0.0002721257360931146 of:0.00020409430206983596 we:0.00020409430206983596 :0.1 -the:0.5 a:0.3 :0.2 -These:0.00426751609994313 Both:0.0016595895944223284 medical:0.0016595895944223284 ladies:0.0011854211388730917 of:0.0011854211388730917 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -artesian:0.0001179933869968153 edi:7.634866217440989e-05 might:6.9407874704009e-05 tolerably:6.9407874704009e-05 will:3.47039373520045e-05 :0.1 -the:0.5 a:0.3 :0.2 -Court:0.026902266170127847 White:0.011866256377156088 Opera:0.004145062159143566 the:0.0037386835160902747 the:0.002356996129709086 :0.1 -the:0.5 a:0.3 :0.2 -days:0.0005585952847624451 class:0.0005585952847624451 England:0.0005585952847624451 evening:0.0005585952847624451 years:0.0003321377368857782 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:3.146322800774986e-05 stomach:2.447139956158323e-05 not:2.0975485338499907e-05 teke:1.747957111541659e-05 of:1.747957111541659e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thereunder:0.00019343570340148337 them:7.737428136059335e-05 your:6.189942508847467e-05 bulkhead:6.189942508847467e-05 with:5.4161996952415335e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -boiling:0.002062302819962378 tepid:0.00027761768730262786 scalding:0.00023795801768796673 in:0.0001982983480733056 conducting:0.00015863867845864447 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -au:0.0021999073723211657 rare:0.0017999242137173173 favorable:0.0017999242137173173 had:0.0015999326344153931 have:0.0015999326344153931 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -federal:0.0024937569907487298 the:0.000589433470540609 the:0.000589433470540609 provisional:0.000498751398149746 form:0.000498751398149746 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lavor:8.00316467997631e-05 labor:6.402531743981048e-05 acc:6.402531743981048e-05 na:6.402531743981048e-05 southward:6.402531743981048e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.08316839736463953 Vir:0.08316839736463953 a:0.009597917739880162 this:0.005612341729251958 said:0.005205650299596019 :0.1 -the:0.5 a:0.3 :0.2 -are:0.06281626243238526 Is:0.018171847346511453 notice:0.0009721564424059625 same:0.0008225939128050452 I:0.0008225939128050452 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -wi:0.00014104923458405972 tin:0.00011754102882004976 w:7.052461729202986e-05 w:5.877051441002488e-05 same:5.2893462969022396e-05 :0.1 -the:0.5 a:0.3 :0.2 -my:0.045029569135454806 their:0.020782878062517603 his:0.01616446071529147 our:0.010391439031258802 of:0.010391439031258802 :0.1 -the:0.001237053186405186 Democratic:0.001237053186405186 prominent:0.0010121344252406069 democratic:0.0006747562834937379 male:0.0004498375223291586 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Virginia:0.0005142958666197047 upper:0.0005142958666197047 Virginia:0.0005049450326811645 of:0.0004737755862193643 and:0.0003615655789568833 :0.1 -or:0.003236203439627235 the:0.0024271525797204263 not:0.0024271525797204263 speculative:0.0024271525797204263 partisan:0.0024271525797204263 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0018213945901862172 but:0.0009293869783879298 the:0.0006558379774364551 that:0.0004230664673100448 it:0.0002319219790675547 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0005256338568640644 wife:0.0005256338568640644 he:0.00018237324988281065 it:0.00013109405811797606 they:0.00010562273592183371 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -And:0.0014869866520666065 Having:0.0004956622173555355 kidneys:0.0003965297738844284 water:0.0003965297738844284 While:0.0003965297738844284 :0.1 -the:0.5 a:0.3 :0.2 -mail:0.0009861309561245138 the:0.000788904764899611 under:0.000788904764899611 execute:0.0005916785736747082 awarded:0.0005916785736747082 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0002928490351872872 maintaining:0.0002928490351872872 tho:0.00011577752553916004 it:7.491486946651533e-05 they:7.150964812712826e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -exalted:0.0002774792377110654 a:0.00020348477432144795 in:0.00020348477432144795 false:0.00018498615847404361 upright:0.00016648754262663925 :0.1 -the:0.5 a:0.3 :0.2 -upon:0.012182932578972181 among:0.00842055634134842 before:0.0073455917020273445 against:0.0037623762376237622 around:0.0030457331447430454 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0010936163325703451 the:0.0010936163325703451 had:0.0005965179995838246 is:0.0005030069953424327 as:0.0004970983329865206 :0.1 -second:0.0009661891315224955 upper:0.0005866148298529437 interesting:0.0004140810563667838 fourth:0.0002070405281833919 told:0.00017253377348615994 :0.1 -a:0.04679245283018868 the:0.04679245283018868 her:0.006580188679245282 so:0.006580188679245282 this:0.004386792452830189 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.002388478535917635 greater:0.002003240062382532 fullest:0.001772096978261471 vast:0.0008475246417772252 the:0.0007704769470702047 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 March:0.0025908434999344088 May:0.0023181231315202605 October:0.0019090425788990382 August:0.0016363222104848899 September:0.0014999620262778157 :0.1 -the:0.0009940320006519385 prizes:0.0009940320006519385 be:0.00042872964407232323 a:0.0001561011101509544 make:8.711505985649289e-05 :0.1 -the:0.5 a:0.3 :0.2 -to:0.0005263658445988584 Ambrose:0.0002631829222994292 Liber:0.0002631829222994292 by:0.0001973871917245719 Maurice:0.0001973871917245719 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fact:0.0002787558335558268 The:0.0002499190231879826 That:0.0002499190231879826 truth:0.00021146994269752377 and:0.00016345235052203413 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -eai:0.0004572387746130913 the:0.0003429290809598185 fam:0.0003429290809598185 frequent:0.0003429290809598185 slow:0.0003429290809598185 :0.1 -any:0.00369815011930244 the:0.00092453752982561 devisees:0.00092453752982561 a:0.000113073795500617 this:5.954464009553002e-05 :0.1 -the:0.5 a:0.3 :0.2 -in:0.001075183179356483 discloses:0.001075183179356483 a:0.0007964319847085058 the:0.0007566103854730805 into:0.0007167887862376553 :0.1 -of:0.07503969068267974 the:0.07503969068267974 and:0.016675486818373275 The:0.014385847436575908 for:0.014191444092838396 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Vice:0.00372339838707898 elected:0.0009653255077612171 late:0.0006435503385074781 by:0.0005056466945415899 former:0.00032177516925373906 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dry:0.0006926683716965046 pimply:0.0006926683716965046 leopard:0.0006926683716965046 seal:0.0006926683716965046 rough:0.0006926683716965046 :0.1 -additional:0.0008418789718191643 dollars:0.0006888100678520435 much:0.0006122756158684832 extra:0.0006122756158684832 little:0.00038267225991780204 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -declare:0.0004461033622754744 over:0.00027452514601567656 until:0.000240209502763717 throughout:0.00020589385951175744 up:0.00020589385951175744 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Among:0.0034483021980539815 acquainting:0.0008821238181068325 names:0.0003207722974933936 wrapped:0.00020048268593337104 married:0.00020048268593337104 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00024879517766910535 pacific:0.00024879517766910535 first:0.00016464059791239724 most:0.00015154494468209314 United:0.00014945497625484596 :0.1 -the:0.5 a:0.3 :0.2 -own:0.004036097304553324 real:0.0023063413168876138 described:0.0016336584327953931 sufficient:0.0010570731035734896 diligence:0.0008648779938328552 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Farmer:0.001293949547920187 Wiley:0.0010064052039379231 He:0.00043131651597339563 said:0.00043131651597339563 Costner:0.00043131651597339563 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -city:0.007457121551081282 an:0.006524981357196122 chief:0.005592841163310961 The:0.0044742729306487695 civil:0.0027964205816554807 :0.1 -the:0.5 a:0.3 :0.2 -was:0.00045052300427067115 and:0.00045052300427067115 had:0.00035065392062834513 is:0.0002066889665359275 has:0.00020140635910495817 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -it:0.00019834562892579314 green:0.00017001053907925127 Why:0.00017001053907925127 delf:0.0001416754492327094 Juror:0.0001416754492327094 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0007253831748065644 City:0.0007253831748065644 their:0.0007253831748065644 transactions:0.0007253831748065644 France:0.0007253831748065644 :0.1 -and:0.00011858644952170134 delivered:7.905763301446756e-05 first:5.929322476085067e-05 writ:5.929322476085067e-05 country:4.9411020634042216e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -land:0.028604497354497355 the:0.005787037037037037 public:0.0023148148148148147 laud:0.001984126984126984 official:0.001984126984126984 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -George:0.0007272484129330362 min:0.0002529559697158387 Hall:0.00022133647350135882 the:0.00012647798485791934 Nebraska:0.00012647798485791934 :0.1 -the:0.5 a:0.3 :0.2 -and:0.03409090909090909 or:0.00878099173553719 but:0.008264462809917356 which:0.0046487603305785125 the:0.003615702479338843 :0.1 -oi:0.005741722516755027 ana:0.0017498582908205794 to:0.0016951752192324366 lor:0.0016951752192324366 oy:0.0010389783601747191 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.004040956169687217 cold:0.004040956169687217 cleansing:0.0033674634747393475 a:0.0004942214207835957 this:0.00026025691008046265 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.0019474496220218212 great:0.001249372214451803 good:0.0011814279246801008 man:0.0011633667843610408 large:0.0010810882562408786 :0.1 -who:0.0005614126530526512 time:0.00032080723031580066 that:0.0002807063265263256 me:0.00024060542273685048 who:0.00024060542273685048 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -matter:0.00386284375582355 be:0.0025752291705490333 badly:0.0025752291705490333 bo:0.0001863535926310465 do:0.0001650560391874983 :0.1 -the:0.5 a:0.3 :0.2 -carried:0.001723005204139308 wiped:0.0005618495230889048 blown:0.0005618495230889048 pointed:0.0005618495230889048 broke:0.0004869362533437175 :0.1 -was:0.004400325652340304 sound:0.004400325652340304 had:0.0034248893561661265 is:0.002018762089576513 has:0.0019671660716831132 :0.1 -the:0.00163691685609052 increased:0.00163691685609052 in:0.0009353810606231543 egg:0.0007015357954673658 a:0.0004888728501223269 :0.1 -seven:0.00403069153069153 the:0.0024184149184149186 six:0.0024184149184149186 to:0.0011363636363636363 up:0.0010780885780885781 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -common:0.01817715559741237 moral:0.0022555594536935054 com:0.001990199517964858 keen:0.0018575195501005339 ill:0.0009287597750502669 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0004105913157632749 stone:0.0004105913157632749 wild:0.0004105913157632749 the:0.0003133396219528358 a:0.00027372754384218323 :0.1 -existing:0.003031305506938584 revenue:0.0012991309315451077 violated:0.001082609109620923 pension:0.0008660872876967385 the:0.0006495654657725538 :0.1 -the:0.5 a:0.3 :0.2 -witb:0.0002949379524765666 beneath:0.0002949379524765666 drew:0.0002949379524765666 retain:0.00023595036198125326 bow:0.00023595036198125326 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -great:0.0010718389011448856 serious:0.0005359194505724428 was:0.0003349496566077767 utmost:0.0003349496566077767 a:0.00020096979396466602 :0.1 -the:0.5 a:0.3 :0.2 -railroad:0.008926633864485493 double:0.005858103473568606 race:0.005579146165303434 main:0.003905402315712404 the:0.0013947865413258586 :0.1 -On:0.0036788474042819402 the:0.0016350432907919735 are:0.0016350432907919735 as:0.0016350432907919735 be:0.0007052001622124195 :0.1 -bi:0.0008149414731588494 bt:0.0006519531785270794 he:0.0004889648838953096 b:0.0004889648838953096 lie:0.00026171749660192816 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -carried:0.005784390006208788 wiped:0.0018862141324593874 blown:0.0018862141324593874 pointed:0.0018862141324593874 broke:0.0016347189147981357 :0.1 -of:0.0031804929764113437 at:0.0021203286509408957 the:0.0018552875695732837 and:0.0018552875695732837 is:0.0015902464882056719 :0.1 -hundred:0.0003150592018221098 office:0.00013502537220947563 of:0.00013502537220947563 gained:0.00011252114350789636 county:0.00011252114350789636 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:4.756802354044308e-05 Black:4.756802354044308e-05 Early:3.8054418832354465e-05 first:3.147821396934594e-05 most:2.8974410049299383e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.011 by:0.009999999999999998 is:0.009999999999999998 more:0.007 not:0.006 :0.1 -same:0.00021748982418756226 military:0.00021748982418756226 first:0.0001439242312876585 most:0.00013247637548368407 United:0.0001306493832161567 :0.1 -the:0.5 a:0.3 :0.2 -E:0.0008911819887429644 Ointment:0.0008911819887429644 and:0.0008442776735459663 C:0.0006097560975609757 H:0.0005628517823639775 :0.1 -same:0.00016719808152144174 future:0.00014331264130409293 Virginia:0.00011942720108674409 room:0.00011942720108674409 wit:0.00011942720108674409 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mainly:0.0008333434861535838 almost:0.0007291755503843858 who:0.0004166717430767919 exclu:0.0004166717430767919 Having:0.0004166717430767919 :0.1 -will:0.0017265198084137569 steers:0.001007136554908025 yearlings:0.0005755066028045856 merchandise:0.0005755066028045856 heretofore:0.0005755066028045856 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.01120090127174643 armed:0.01120090127174643 by:0.00264315271789761 that:0.001754880083194315 not:0.0006282904001559893 :0.1 -the:0.008612038784828097 County:0.008612038784828097 Worcester:0.00506590516754594 state:0.004559314650791346 Coun:0.00253295258377297 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.000306191175629966 perfectly:0.000306191175629966 the:0.000306191175629966 the:0.00022274553426510085 petition:0.00021870798259283287 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hundred:0.013365784390742354 the:0.0033118757782370435 fifty:0.0033118757782370435 cubic:0.002602188111471963 navy:0.0016559378891185218 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0022149725274725274 Spaniard:0.0022149725274725274 the:0.0009615384615384615 it:0.00030906593406593405 he:0.00028331043956043953 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Harbison:0.0005686643772386544 of:0.00042649828292899076 Har:0.00042649828292899076 until:0.00042649828292899076 traveler:0.00042649828292899076 :0.1 -the:0.5 a:0.3 :0.2 -but:0.013841967583768225 as:0.01100258961786705 so:0.007453367160490582 more:0.004968911440327055 is:0.0035492224573764673 :0.1 -especially:0.0009627810681343671 It:0.0005279767147833626 equally:0.0004969192609725765 doubly:0.00021740217667550222 that:0.00015528726905393017 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -public:0.06866537717601548 of:0.029428018789720917 and:0.02238187344570323 to:0.006217187068250897 in:0.0035230726720088417 :0.1 -the:0.5 a:0.3 :0.2 -Baptist:0.004177953972500226 Presbyterian:0.003154781571071599 Congregational:0.0019610804360715344 Lutheran:0.0011084367682143456 the:0.0009379080346429078 :0.1 -of:0.0006772607257486676 deceased:0.00022575357524955587 Douglass:0.0001693151814371669 The:0.00011582139947585909 the:0.00011385832490847165 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Jefferson:0.00241626573237725 Jeff:0.0021319991756269855 Jeff:0.001137066227001059 to:0.00042639983512539705 Jef:0.00042639983512539705 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -by:0.0009365611855607409 thereafter:0.0009365611855607409 a:0.0009207141265834017 to:0.0007982955959834572 in:0.0006461638298010018 :0.1 -power:0.0011649621896682471 offer:0.0009785682393213275 at:0.00046598487586729884 order:0.00041938638828056894 offered:0.0003727879006938391 :0.1 -Rock:0.03646825236030633 Rhode:0.013675594635114877 Long:0.011396328862595728 Kock:0.004811783297540419 Staten:0.0035455245350297826 :0.1 -New:0.08356146902322506 of:0.003452953265422523 the:0.002071771959253514 from:0.002071771959253514 the:0.002071771959253514 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -plot:0.0002417551100335937 vessel:0.0002417551100335937 education:0.0002417551100335937 of:0.00018131633252519528 tablo:0.00018131633252519528 :0.1 -the:0.5 a:0.3 :0.2 -ingenuity:0.00010482676339049765 if:4.492575573878471e-05 all:3.7438129782320595e-05 if:3.7438129782320595e-05 no:3.7438129782320595e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -land:0.00535337389357686 situate:0.004735676905856453 of:0.0006176969877204069 lands:0.0006176969877204069 land:0.0005662222387437064 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -vic:0.0001378881417608805 malady:0.0001378881417608805 CATTLE:0.00011490678480073376 diseased:9.192542784058701e-05 purchasing:9.192542784058701e-05 :0.1 -the:0.5 a:0.3 :0.2 -one:0.0005384851987254566 sorely:0.0005384851987254566 doubt:0.000446381525116886 more:0.0004168226717262285 other:0.0003632740242793851 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -feet:0.0697617293048391 inches:0.010808155244411692 miles:0.004912797838368951 yard:0.0029476787030213703 inch:0.0029476787030213703 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -torpedo:0.005864453385038413 fishing:0.0018519326479068672 gun:0.001543277206589056 canal:0.0012346217652712448 the:0.0009259663239534336 :0.1 -the:0.5 a:0.3 :0.2 -final:0.0025921992720962126 after:0.0009969997200370048 secure:0.0007975997760296038 the:0.0005981998320222029 upon:0.0005981998320222029 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.01592797783933518 Block:0.001721943550198398 Range:0.0015067006064235981 sum:0.0012914576626487984 Section:0.0012914576626487984 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.000280120763173457 shame:0.000280120763173457 speaks:0.000280120763173457 in:0.00013864563025756964 by:0.0001188391116493454 :0.1 -the:0.5 a:0.3 :0.2 -funeral:0.0003225890876098843 ceremony:0.0002016181797561777 wedding:0.00018145636178055994 the:0.00012097090785370664 explosion:0.00012097090785370664 :0.1 -t:0.004532666681392996 f:0.0026120452062264724 tw:0.0013828474621198972 c:0.0009987231670865924 twenty:0.0008450734490732707 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 square:0.000337313573901815 lineal:0.00012427342196382659 about:0.00012427342196382659 linear:0.00010652007596899421 cubic:7.101338397932949e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -perform:0.0003103239123381966 aperient:8.463379427405363e-05 rascality:7.052816189504469e-05 everything:7.052816189504469e-05 ad:5.642252951603575e-05 :0.1 -the:0.5 a:0.3 :0.2 -current:0.009494435417398814 forty:0.005425391667085036 the:0.003390869791928148 the:0.002712695833542518 during:0.002712695833542518 :0.1 -railway:0.0011959511460299887 rural:0.000730859033684993 registered:0.000531533842679995 the:0.0003986503820099962 fast:0.0003986503820099962 :0.1 -am:0.02940367366741345 of:0.0019440445399942776 would:0.0019440445399942776 I:0.001701038972494993 we:0.0014580334049957083 :0.1 -the:0.5 a:0.3 :0.2 -lavor:0.00011376133962869688 labor:9.100907170295749e-05 acc:9.100907170295749e-05 na:9.100907170295749e-05 southward:9.100907170295749e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -right:0.001921518694293321 of:0.0011529112165759926 bacterium:0.0011529112165759926 antidote:0.0011529112165759926 for:0.000657483505035305 :0.1 -DROPS:4.212114694903581e-05 thought:3.276089207147229e-05 coughing:1.8720509755127026e-05 disappoint:1.8720509755127026e-05 which:1.8720509755127026e-05 :0.1 -anywhere:0.00023807722298597886 draws:0.00015526775412129056 somewhere:0.00012421420329703246 Al:9.316065247277433e-05 at:6.210710164851623e-05 :0.1 -to:0.013297872340425532 the:0.013297872340425532 by:0.010638297872340425 at:0.007978723404255319 mort:0.007978723404255319 :0.1 -constant:0.0017059578680814437 the:0.0007311248006063331 congenial:0.0007311248006063331 boon:0.0007311248006063331 wounded:0.0007311248006063331 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hereby:0.00017024062110063194 lands:7.738210050028724e-05 privileges:6.190568040022978e-05 duly:6.190568040022978e-05 franchise:3.869105025014362e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -this:0.004159869494290375 other:0.0014681892332789558 no:0.0013458401305057094 every:0.0008564437194127243 searching:0.0006117455138662316 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -For:0.000832860396382585 pretty:0.0005125294746969754 spent:0.0002562647373484877 weighing:0.00022423164517992674 said:0.0001921985530113658 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -such:0.0009400504208862111 a:0.0008545912917147374 no:0.0008545912917147374 said:0.0008545912917147374 for:0.0008545912917147374 :0.1 -within:0.006211141084115687 degrees:0.0009099123881188588 About:0.0003956140817908082 exceeding:0.00031649126543264653 at:0.00023736844907448488 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -sore:0.002819983942016685 in:0.002819983942016685 with:0.0016114193954381057 the:0.0012085645465785791 in:0.0012085645465785791 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -district:0.003793724674073442 probate:0.002782064760987191 sole:0.002782064760987191 presiding:0.002529149782715628 associate:0.0015174898696293769 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -alarming:0.00023152167621693582 diseases:8.682062858135094e-05 Observer:7.235052381779244e-05 extraordinary:7.235052381779244e-05 of:5.7880419054233955e-05 :0.1 -can:0.02715400541487498 could:0.017279821627647716 would:0.017279821627647716 to:0.012342729734034082 will:0.012342729734034082 :0.1 -without:0.0010846164466922013 earnings:0.00039733473789714297 due:0.00039733473789714297 With:0.00036511840779737464 of:0.00035949333428789127 :0.1 -same:0.001016002624687355 It:0.001016002624687355 first:0.0006723413258096394 most:0.0006188627247425392 United:0.0006103279395128151 :0.1 -restore:0.000519648437481513 in:0.00040417100693006567 lasting:0.00040417100693006567 universal:0.00040417100693006567 honorable:0.00040417100693006567 :0.1 -on:0.0007103514600454625 first:0.00035517573002273123 first:0.00021856968001398845 stole:0.00019124847001223989 thence:0.00016392726001049135 :0.1 -own:0.0002362488180297352 way:7.778137314913413e-05 strictly:6.614966904832585e-05 of:6.614966904832585e-05 present:5.841671593358206e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -say:0.007050211638005754 knew:0.0032504222486909643 absolutely:0.0011902954713516208 there:0.001007173091143679 to:0.000778270115883752 :0.1 -the:0.5 a:0.3 :0.2 -beet:0.005828205759291164 maple:0.0020477479694806793 little:0.0015751907457543686 refined:0.0014176716711789318 raw:0.0014176716711789318 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -He:0.001748054981077393 then:0.0011571631564878517 When:0.0008863377368843119 She:0.0003939278830596942 price:0.0002462049269123089 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -civil:0.003909040590052535 Civil:0.0007220520835128887 the:0.00017428843395138693 waged:0.00014939008624404595 the:0.00012449173853670495 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00490983070446638 sun:0.00490983070446638 salt:0.00245491535223319 a:0.0006004874600647101 this:0.00031621658699196146 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 article:0.0002025416465798918 reputation:0.00018412876961808344 and:0.0001288901387326584 law:0.0001288901387326584 organs:9.206438480904172e-05 :0.1 -the:0.5 a:0.3 :0.2 -is:0.001598202746283461 rare:0.001598202746283461 has:0.0009589216477700765 profession:0.0009589216477700765 was:0.0008735601822589927 :0.1 -Assistant:0.0002502443901650537 Acting:5.560986448112305e-05 Private:4.8658631420982666e-05 Governor:3.475616530070191e-05 rebel:3.475616530070191e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dark:0.004468719767816833 pale:0.0038858432763624632 of:0.0013600451467268623 pink:0.0013600451467268623 bright:0.0013600451467268623 :0.1 -the:0.5 a:0.3 :0.2 -the:0.004631019673625501 be:0.0019973757535604706 a:0.000727247524938564 make:0.00040585369062554326 have:0.0003894668339418202 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -police:0.003036074412549704 naval:0.0011537082767688876 armed:0.0009715438120159053 and:0.0006072148825099408 detective:0.0006072148825099408 :0.1 -I:0.00010203526277421512 he:7.369213422582204e-05 I:6.235488280646479e-05 He:5.668625709678618e-05 never:3.9680379967750324e-05 :0.1 -my:0.00494874513962531 tho:0.004241781548250265 this:0.003534817956875221 The:0.003534817956875221 our:0.003181336161187699 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0013485005590632257 happy:0.0013485005590632257 anoth:0.0008091003354379354 a:0.00016492578346359208 this:8.684988750341648e-05 :0.1 -the:0.5 a:0.3 :0.2 -greatly:0.004359646500114728 and:0.002906431000076485 thoroughly:0.002906431000076485 advantages:0.0025431271250669243 hitherto:0.0014532155000382425 :0.1 -during:0.0002804929082672548 rapidly:0.00022038728506712876 matter:0.00012021124640025205 fast:0.00012021124640025205 constantly:0.00010017603866687672 :0.1 -and:0.00021935488111615102 at:0.00021935488111615102 J:0.00018958529010753054 Pierce:0.00015824887851950895 J:0.00013944703156669602 :0.1 -the:0.5 a:0.3 :0.2 -them:0.0013984143197626345 cure:0.0008390485918575806 country:0.0008390485918575806 time:0.0008390485918575806 other:0.0005593657279050538 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002802570983357609 the:0.002802570983357609 exceedingly:0.0016815425900145655 sufficiently:0.0016815425900145655 moat:0.0016815425900145655 :0.1 -the:0.5 a:0.3 :0.2 -and:0.001314769571914952 sewing:0.001314769571914952 to:0.0005003973743855414 is:0.0004513388082693119 in:0.0004513388082693119 :0.1 -a:0.024421052631578948 of:0.0033684210526315787 a:0.0033684210526315787 daily:0.0033684210526315787 American:0.0033684210526315787 :0.1 -cold:0.008146923534174018 hot:0.0040231721156414905 warm:0.003419696298295267 the:0.0032185376925131922 dry:0.0032185376925131922 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -trying:9.101392985955664e-05 will:7.446594261236453e-05 tried:6.619194898876847e-05 you:5.791795536517241e-05 try:4.136996811798029e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -minutes:0.0051316779895671195 Far:0.0012829194973917799 Near:0.0009978262757491623 Flat:0.0008552796649278533 the:0.0008552796649278533 :0.1 -the:0.5 a:0.3 :0.2 -W:0.00177995226076757 J:0.001551753252976856 J:0.0013235542451861418 G:0.0005020378171395711 T:0.0005020378171395711 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.00012152233774575772 succeeded:9.721787019660618e-05 way:9.721787019660618e-05 will:7.291340264745464e-05 distance:7.291340264745464e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Golden:0.039742558326629124 to:0.009935639581657281 Black:0.009935639581657281 into:0.002015732546705998 on:0.0018548315008492 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.004281489275025741 the:0.003211116956269306 the:0.003211116956269306 Gen:0.003211116956269306 a:0.00039272952187267867 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0007891501036906533 together:0.0007891501036906533 in:0.0003486942318633119 on:0.00028446108388849127 of:0.0002477564279028795 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -an:0.004574739811673211 greatly:0.002350907958776511 largely:0.0015884513234976426 gradually:0.0008259946882187741 enormously:0.00031769026469952855 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00010953215166950234 Office:0.00010953215166950234 as:9.7583189669193e-05 been:5.675756950146939e-05 a:4.580435433451916e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0005012152395974732 blinding:0.0005012152395974732 a:0.0004930525537936793 to:0.0003410773874574522 it:0.0001738739847023193 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0001254455594614737 and:7.688598805703226e-05 matrimony:3.6419678553331076e-05 Ac:2.8326416652590833e-05 and:2.8326416652590833e-05 :0.1 -the:0.5 a:0.3 :0.2 -disposition:0.0003038554890411427 accomplishing:0.0001986747428345933 Most:0.00010518074620654938 Many:0.00010518074620654938 of:9.349399662804391e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -soon:0.004459563183497291 symptoms:0.0017736899025273315 head:0.0013682750676639415 finally:0.001266921358948094 suddenly:0.0006587991066530089 :0.1 -almost:0.00017142963045331554 average:6.486526557693021e-05 patient:3.706586604396012e-05 regular:2.779939953297009e-05 readers:2.3166166277475073e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -city:0.010238159060836133 town:0.0038095475575204217 main:0.0026190639457952898 dance:0.0021428705011052374 music:0.0019047737787602108 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -don:0.005450887373393655 didn:0.0027004396161766733 don:0.0013502198080883366 self:0.0009501546797658665 do:0.0009501546797658665 :0.1 -the:0.5 a:0.3 :0.2 -of:0.017512556172349987 liquid:0.017512556172349987 entirely:0.0005617234998678298 only:0.000429553264604811 ot:0.0003965107057890563 :0.1 -the:0.5 a:0.3 :0.2 -by:0.001082749923903118 other:0.001082749923903118 mother:0.001082749923903118 a:0.0006000782710788364 the:0.0006000782710788364 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -first:0.0006461122657848603 same:0.0002630599939266932 took:0.0002630599939266932 in:6.922631419123503e-05 takes:6.922631419123503e-05 :0.1 -the:0.5 a:0.3 :0.2 -of:0.07093854911691724 Holy:0.07093854911691724 in:0.01935483870967742 more:0.01007152240548825 and:0.009546051671288863 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00039403788096500767 regular:0.00039403788096500767 United:0.00034191646813894845 most:0.00033983161162590614 first:0.00033357704208677893 :0.1 -equal:0.008831492241325069 regular:0.0022078730603312673 concern:0.0007727555711159436 sixth:0.0007727555711159436 The:0.0006623619180993801 :0.1 -the:0.005021146797772818 hostile:0.005021146797772818 a:0.0006571287125974562 his:0.0002852966221359326 tho:0.00023871005609133177 :0.1 -embraces:0.002710449414828745 grazing:0.0007392134767714759 fertile:0.0007392134767714759 of:0.0005749438152667035 arable:0.0004928089845143173 :0.1 -in:0.007804878048780488 and:0.004878048780487806 to:0.004634146341463414 on:0.001951219512195122 that:0.001951219512195122 :0.1 -Lake:0.0003451232531867176 Angeles:0.00032482188535220484 Bow:0.00016241094267610242 secretary:0.00016241094267610242 torpid:0.00014210957484158963 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -devise:0.00022209111588505402 of:7.403037196168467e-05 lungs:6.169197663473722e-05 inserted:6.169197663473722e-05 health:6.169197663473722e-05 :0.1 -to:0.18994739918176504 will:0.014246054938632378 and:0.008547632963179428 bald:0.008547632963179428 not:0.008547632963179428 :0.1 -the:0.5 a:0.3 :0.2 -d:0.00027253401476991804 n:0.00012718254022596172 few:0.0001090136059079672 ii:0.0001090136059079672 well:7.267573727197813e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -blue:0.007778716275189114 quack:0.003733783812090775 the:0.002800337859068081 orchard:0.002800337859068081 green:0.002800337859068081 :0.1 -the:0.5 a:0.3 :0.2 -Circuit:0.0007089256014687253 Chief:0.00035446280073436265 Probate:0.00030382525777231085 Howard:0.00025318771481025904 succeed:0.00020255017184820723 :0.1 -finished:0.0017099091375526738 deceased:0.0012213636696804813 been:0.000977090935744385 Upon:0.000977090935744385 but:0.0007328182018082888 :0.1 -New:0.09072230132964262 of:0.00380024872287155 Now:0.0036620578602216754 in:0.0020037675084231808 Xew:0.0008982406072241845 :0.1 -the:0.5 a:0.3 :0.2 -a:0.043695380774032455 the:0.03477795612627073 at:0.026217228464419474 of:0.010700909577314071 an:0.008917424647761726 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -during:0.00043758867134838914 better:0.0002831456108724871 within:0.0001930538255948776 and:0.00015444306047590205 For:0.00012870255039658504 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -physi:0.00012979115052916422 payable:0.00011681203547624781 conditions:0.00010383292042333139 mortgage:0.00010383292042333139 due:7.787469031749855e-05 :0.1 -and:0.0029532982170013 than:0.00147664910850065 a:0.00147664910850065 a:0.0006722059374517886 to:0.0006391466290525201 :0.1 -the:0.5 a:0.3 :0.2 -power:0.0008544199495119741 offer:0.0007177127575900583 at:0.00034176797980478964 order:0.00030759118182431067 offered:0.0002734143838438317 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:6.653073045325837e-05 the:6.653073045325837e-05 of:6.653073045325837e-05 Pan:5.7026340388507175e-05 the:5.7026340388507175e-05 :0.1 -Executive:0.016240486577715506 Senate:0.013834488566202096 Finance:0.00902249254317528 Judiciary:0.00902249254317528 Central:0.00902249254317528 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00528461273121865 shirt:0.00528461273121865 any:0.0026625177860499873 a:0.002651738361814967 to:0.0022744585135892606 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -very:2.5888596661547786e-05 at:2.2842879407248047e-05 swelled:1.8274303525798437e-05 riding:1.5228586271498698e-05 sounds:1.5228586271498698e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -If:0.012556679455877223 I:0.012556679455877223 The:0.010463899546564353 There:0.006278339727938611 It:0.006278339727938611 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -plan:0.00022727290546083583 inexpensive:0.00015151527030722386 marriage:0.00015151527030722386 promoting:0.00015151527030722386 therefrom:0.0001262627252560199 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -it:0.00011027149265613065 green:9.451842227668342e-05 Why:9.451842227668342e-05 delf:7.876535189723619e-05 Juror:7.876535189723619e-05 :0.1 -the:0.5 a:0.3 :0.2 -carefully:0.0005065257240236567 be:0.0003376838160157711 to:0.0003376838160157711 to:0.00022146183225136467 only:0.0002001039372639346 :0.1 -the:0.5 a:0.3 :0.2 -Since:0.0007341919652659199 now:0.00023397326365617226 delinquent:5.647630502045537e-05 and:4.840826144610461e-05 Soap:4.840826144610461e-05 :0.1 -the:0.5 a:0.3 :0.2 -careful:0.0061930995854446984 thorough:0.003538914048825542 care:0.001769457024412771 the:0.0013270927683095783 a:0.0013270927683095783 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0005440386222942384 everybody:0.0002472902828610175 constitution:0.0002472902828610175 be:0.00023464585118470157 c:0.000197832226288814 :0.1 -citv:0.001296320568450945 woolen:0.00086421371230063 the:0.000777792341070567 quartz:0.000777792341070567 cotton:0.000777792341070567 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.001251415557143391 incorporated:0.0002150870488840203 for:0.00017598031272328933 between:0.00011732020848219288 county:0.00011732020848219288 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -powerful:0.0014357318719181752 undue:0.0011166803448252475 under:0.0007976288177323196 The:0.0006381030541858557 moral:0.0006381030541858557 :0.1 -the:0.5 a:0.3 :0.2 -can:0.00027377360867727893 jury:0.0002488850987975263 it:0.0002488850987975263 may:0.00021155233397789736 afterward:0.00012444254939876316 :0.1 -the:0.5 a:0.3 :0.2 -cure:0.0004512154102368471 Believe:0.00028713707924162994 unto:0.00028713707924162994 beside:0.00028713707924162994 obliged:0.00028713707924162994 :0.1 -the:0.5 a:0.3 :0.2 -artesian:0.00018812062749451442 edi:0.00012172511190821522 might:0.00011065919264383202 tolerably:0.00011065919264383202 will:5.532959632191601e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Bar:0.0013347730666612117 banking:0.0013347730666612117 been:0.0009534093333294369 Christian:0.0009534093333294369 alumni:0.0007627274666635494 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -special:0.00023102409354988353 same:0.0001954819253114399 Washington:0.0001954819253114399 first:0.00012936046978831211 most:0.00011907102796450174 :0.1 -the:0.0012949305152057636 household:0.0012949305152057636 head:0.0012949305152057636 cattle:0.0012949305152057636 draft:0.0012949305152057636 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0016911571272877597 the:0.0016911571272877597 The:0.001503250779811342 and:0.001503250779811342 to:0.0013153444323349243 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -contained:0.003919738684087728 mortgage:0.002893140457302847 trust:0.0014932337844143725 of:0.0009332711152589828 thereafter:0.0009332711152589828 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -it:0.014914772727272728 and:0.009114583333333332 that:0.009114583333333332 He:0.006628787878787878 It:0.003314393939393939 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -W:0.00025831783426327753 beloved:0.00025831783426327753 W:0.00023152931811745616 H:0.00022770238723948167 M:0.00017986575126480064 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -t:0.000842708465006531 i:0.00031601567437744907 th:0.0002809028216688436 de:0.00021067711625163274 Mrs:0.0001755642635430273 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005027718979445295 railroads:0.005027718979445295 constructed:0.0025138594897226476 a:0.0025138594897226476 rail:0.0025138594897226476 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.002021240935857087 various:0.002021240935857087 devise:0.0015159307018928149 be:0.0008717686215796662 devising:0.0008421837232737862 :0.1 -the:0.5 a:0.3 :0.2 -Now:0.0008360197512328712 don:0.0007524177761095841 Don:0.0005434128383013663 wouldn:0.0004180098756164356 won:0.0004180098756164356 :0.1 -the:0.5 a:0.3 :0.2 -art:5.5353825144225296e-05 stomach:4.305297511217524e-05 not:3.69025500961502e-05 teke:3.0752125080125165e-05 of:3.0752125080125165e-05 :0.1 -the:0.5 a:0.3 :0.2 -morally:0.00014782631253748828 is:0.00011826105002999063 below:0.0001034784187762418 wit:8.869578752249297e-05 that:8.869578752249297e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -entirely:0.0032423964115401256 be:0.0010807988038467084 quite:0.0010807988038467084 totally:0.0007430491776446121 widely:0.0007430491776446121 :0.1 -of:0.00475644204319777 painful:0.00475644204319777 in:0.004184090096090985 lung:0.0035673315323983272 the:0.0025065068028469572 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -w:0.0016220334976438492 whero:0.00014338417658730157 whon:8.961511036706349e-05 whore:8.961511036706349e-05 wr:6.273057725694444e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -per:0.0214611619952681 the:0.002285804236182401 past:0.002285804236182401 during:0.0007619347453941337 the:0.0007619347453941337 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0009846600331674957 answering:0.0009846600331674957 vegetable:0.0009328358208955223 vegetable:0.0007773631840796019 local:0.000673714759535655 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Chicago:7.047417049854485e-05 work:7.047417049854485e-05 city:5.8728475415454045e-05 same:4.698278033236324e-05 live:4.698278033236324e-05 :0.1 -the:0.002647082950379506 follows:0.002647082950379506 SE:0.002117666360303605 SEJ:0.0015882497702277036 whenco:0.0015882497702277036 :0.1 -National:0.052490014453289276 Savings:0.008907396392073332 Na:0.0031812129971690467 First:0.002863091697452142 Franklin:0.002863091697452142 :0.1 -the:0.5 a:0.3 :0.2 -stone:0.000563677535292424 hereunto:0.000281838767646212 hereinafter:0.0002486812655701871 square:0.00023210251453217463 example:0.00021552376349416214 :0.1 -the:0.5 a:0.3 :0.2 -thereof:0.002475445180867204 thereof:0.0014373552663099897 thereof:0.0010380899145572148 thereof:0.0008783837738561047 thereof:0.0007985307035055497 :0.1 -the:0.5 a:0.3 :0.2 -that:0.01199251501648971 but:0.004238733755828259 can:0.0022744425031273586 could:0.002067675002843053 and:0.0011372212515636793 :0.1 -the:0.5 a:0.3 :0.2 -the:0.004018380995554886 of:0.004018380995554886 of:0.004018380995554886 a:0.0033486508296290715 worst:0.002009190497777443 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ingenuity:0.00010441864417840959 if:4.475084750503268e-05 all:3.729237292086057e-05 if:3.729237292086057e-05 no:3.729237292086057e-05 :0.1 -more:0.0004952278047902034 question:0.00042448097553446015 flint:0.00035373414627871676 claim:0.00035373414627871676 hearts:0.0002829873170229734 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thousand:0.0033486428730561484 eighty:0.0007561451648836464 About:0.0007561451648836464 numbered:0.000702134795963386 six:0.00048609332028234415 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fellow:0.004294269840025819 prominent:0.0018404013600110652 loyal:0.0014314232800086062 male:0.001124689720006762 abiding:0.0008179561600049177 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -about:0.0069869788122136015 purchased:0.0029944194909486866 in:0.0015425797377614447 within:0.0015425797377614447 past:0.0012703597840388369 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -raw:0.0027858540522015984 much:0.001193937450943542 dress:0.001193937450943542 little:0.000746210906839714 large:0.0005439048387631692 :0.1 -upward:0.00053184554669214 reform:0.00015195587048346857 forward:0.00015195587048346857 outward:0.00012662989206955715 export:0.00012662989206955715 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Agatha:0.002132610517176979 to:0.0012795663103061874 street:0.0012795663103061874 mill:0.0012795663103061874 and:0.0011205669463036434 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 a:0.0017535599669465955 the:0.0010586032719322495 nine:0.0010521359801679573 not:0.0009046817279421004 eleven:0.0007891019851259681 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -retail:0.0003570261506779282 much:0.00026776961300844615 a:0.00026776961300844615 little:0.00016735600813027885 large:0.0001219839348149588 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.019057029926595144 her:0.005646527385657821 and:0.004940711462450593 were:0.00409373235460192 of:0.0031055900621118015 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -own:0.0004534930134314508 ha:0.0004534930134314508 people:0.0001802799773439698 country:0.00013254387066697498 present:9.648787519818102e-05 :0.1 -the:0.5 a:0.3 :0.2 -feet:0.05343925872085608 inches:0.011091166904328618 miles:0.011091166904328618 too:0.010082879003935109 inch:0.00336095966797837 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -always:0.0010833215580990062 ever:0.0007379146845022215 getting:0.0004867096855227419 am:0.000423908435777872 stand:0.0003454068735967845 :0.1 -same:4.454018551399896e-05 rain:4.454018551399896e-05 first:2.947453742012175e-05 most:2.7130107637481413e-05 United:2.6755954157739148e-05 :0.1 -The:0.042735042735042736 the:0.042735042735042736 He:0.03418803418803419 In:0.02564102564102564 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -shalt:0.016467065868263474 a:0.016467065868263474 art:0.014970059880239521 hast:0.01347305389221557 dost:0.005239520958083832 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -much:0.0041249448957742935 a:0.00031488128975376285 considerably:0.00031488128975376285 one:0.0002519050318030103 the:0.00018892877385225768 :0.1 -At:0.003631958371716504 at:0.001987297976976955 Those:0.000685275164474812 during:0.000342637582237406 under:0.000342637582237406 :0.1 -is:0.0017681815487927744 Consumption:0.0017681815487927744 was:0.0009524565586886646 will:0.000363276113991874 would:0.00029568773326679975 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -t:0.006807066939543729 oft:0.0002988468412482613 pul:0.0001660260229157007 in:0.00013282081833256056 wiil:0.00013282081833256056 :0.1 -the:0.5 a:0.3 :0.2 -The:0.03252551020408163 east:0.03252551020408163 In:0.01530612244897959 It:0.013392857142857142 He:0.007653061224489795 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.003304363006097485 acquires:0.003304363006097485 bodily:0.003304363006097485 vim:0.0019826178036584908 and:0.001641790424413216 :0.1 -the:0.5 a:0.3 :0.2 -thus:0.0016914819444616342 for:0.0013614366870057055 person:0.0013614366870057055 thereby:0.0009901357723677859 of:0.0006353371206026625 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -not:0.0009793103201899398 violate:0.000544061288994411 was:0.0003264367733966466 festers:0.0003264367733966466 regret:0.0003264367733966466 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -police:0.0015241879161821384 naval:0.0005791914081492125 armed:0.0004877401331782843 in:0.00030483758323642765 detective:0.00030483758323642765 :0.1 -the:0.00479526798802883 Clayton:0.00479526798802883 a:0.0005864760859965335 this:0.000308838199962149 his:0.0002711796990527636 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ingenuity:0.00011314594210160506 if:4.8491118043545025e-05 all:4.040926503628752e-05 if:4.040926503628752e-05 no:4.040926503628752e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0023116688101374296 whole:0.0023116688101374296 human:0.0019504705585534565 Every:0.0012280740553855096 royal:0.0011558344050687148 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.000581872390625525 in:0.000581872390625525 Miscellaneous:0.0003879149270836833 baled:0.0003879149270836833 Invite:0.0003879149270836833 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:7.201965669368838e-05 Vitus:7.201965669368838e-05 social:7.201965669368838e-05 first:4.7659120448325514e-05 most:4.3868273460605906e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dealers:0.0006984055029537043 ORDER:0.0004656036686358029 the:0.00034920275147685216 wen:0.00034920275147685216 service:0.00034920275147685216 :0.1 -disbursements:0.0014476693172185172 disburse:0.00031933881997467286 not:0.0002767603106447165 dis:0.0002554710559797383 the:0.00017031403731982556 :0.1 -is:0.0005838571904687282 of:0.0005838571904687282 strange:0.00026538963203124005 dare:0.00026538963203124005 a:0.00015923377921874403 :0.1 -the:0.5 a:0.3 :0.2 -had:0.020638458554366763 has:0.012569925374676053 be:0.0011465810307981536 bad:0.0011465810307981536 the:0.0004570829784938585 :0.1 -nervous:0.00041339331063498536 lung:0.00037581210057725947 dread:0.00037581210057725947 contagious:0.00030064968046180756 horrid:0.0002630684704040816 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0010934908341723492 the:0.0008591713697068458 Tbe:0.0008591713697068458 in:0.00031242595262067117 while:0.00031242595262067117 :0.1 -the:0.5 a:0.3 :0.2 -long:0.00014133341002231091 disease:8.313730001312407e-05 patient:2.0784325003281018e-05 lias:2.0784325003281018e-05 Cancer:1.6627460002624813e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.06723511322337153 Mr:0.05171931786413195 Judge:0.02844562482527257 of:0.012929829466032987 A:0.012929829466032987 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Western:0.006468822735365476 Wes:0.0006600839525883139 and:0.00039605037155298836 State:0.00039605037155298836 feeding:0.00039605037155298836 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -too:0.0008965382141842801 at:0.00022413455354607003 In:0.00022413455354607003 a:0.00011206727677303502 during:0.00011206727677303502 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.0030193257760157645 past:0.0030193257760157645 summer:0.0023225582892428954 winter:0.002090302460318606 dry:0.001974174545856461 :0.1 -the:0.0014230148942225597 cases:0.0014230148942225597 within:0.0014230148942225597 and:0.00033203680865193054 into:0.0001992220851911583 :0.1 -degrees:0.004443621551564525 deg:0.0022218107757822625 and:0.0014812071838548417 Township:0.0014812071838548417 blook:0.0009874714559032277 :0.1 -the:0.5 a:0.3 :0.2 -to:0.016416510318949345 the:0.010787992495309569 an:0.008442776735459663 will:0.002814258911819888 The:0.0023452157598499064 :0.1 -of:0.039596273291925464 their:0.039596273291925464 that:0.012228260869565216 of:0.004076086956521739 of:0.003493788819875776 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -kill:0.0002424555354833676 marry:0.00021820998193503081 shoot:8.485943741917867e-05 survives:7.273666064501027e-05 be:7.273666064501027e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.0011910407441606105 I:0.0011910407441606105 first:0.00078817307511254 most:0.0007254811181589564 United:0.0007154759501561774 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0002444551048294356 with:0.0002444551048294356 cant:0.0002444551048294356 left:0.0002444551048294356 eyes:0.0002444551048294356 :0.1 -file:0.005668264054550443 be:0.003149035585861358 filed:0.003149035585861358 plaintiff:0.00220432491010295 to:0.0020652194674234403 :0.1 -Then:0.0015349780640408787 Now:0.0012118247874006937 Next:0.0011310364682406474 when:0.00048472991496027745 breath:0.00040394159580023125 :0.1 -the:0.5 a:0.3 :0.2 -too:0.026275424079306574 until:0.007728065905678404 Of:0.004355818965018737 deceased:0.0019671440487181394 till:0.0015456131811356808 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00739630023860488 human:0.00739630023860488 royal:0.00184907505965122 and:0.00184907505965122 a:0.000904590364004936 :0.1 -panic:0.0024370826686877767 grief:0.0012185413343438884 poverty:0.0009748330674751107 the:0.0007311248006063331 horror:0.0007311248006063331 :0.1 -You:8.503651181409602e-05 that:4.51756469012385e-05 that:4.51756469012385e-05 that:3.720347391866701e-05 that:1.8601736959333504e-05 :0.1 -life:0.0011178282360075613 outdoor:0.0006318159594825347 that:0.00029160736591501605 necessaries:0.00029160736591501605 everyday:0.00029160736591501605 :0.1 -cross:0.004404040116704814 the:0.0026424240700228885 pai:0.0026424240700228885 sacred:0.0026424240700228885 a:0.0005114045301865674 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -earnest:0.0005005005005005005 honest:0.00048262548262548264 sincere:0.0003396253396253396 frequent:0.00017875017875017876 had:0.00012512512512512512 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -John:0.008660252313408348 B:0.005090823995044097 the:0.0032183370083612105 George:0.0032183370083612105 Charles:0.0029257609166920095 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.022532188841201718 Mr:0.022532188841201718 had:0.008583690987124463 was:0.006437768240343348 to:0.00536480686695279 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0003979920915565574 minister:0.0003979920915565574 committee:0.0003979920915565574 States:0.0003979920915565574 latest:0.0003979920915565574 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00023362915429525152 but:0.00023362915429525152 it:6.148135639348723e-05 that:4.918508511478979e-05 a:4.918508511478979e-05 :0.1 -sell:0.0006976089327989239 notary:0.0001800281116900449 consult:0.00015752459772878927 sale:0.00013502108376753366 alleys:0.00011251756980627804 :0.1 -hereby:0.005263395288671024 does:0.0013730596405228759 meeting:0.0013730596405228759 Jointly:0.0009153730936819172 of:0.0006865298202614379 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -patents:0.0008178751963427924 Bokkelen:0.00037748085985051953 of:0.0003460241215296429 corner:0.00025165390656701304 mixtures:0.00015728369160438314 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.009557655513319562 county:0.009557655513319562 that:0.007433732065915216 to:0.0051470886769758575 the:0.004727442511964514 :0.1 -i:0.0014256571631496137 tennis:0.0014256571631496137 f:0.0013090124861646452 the:0.001270130927169656 he:0.001140525730519691 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.011310470849545532 consumptive:0.011310470849545532 and:0.003654636820465966 to:0.0011026921441061107 as:0.0008979064602006899 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -present:0.00043657651944560425 political:0.0001887898462467478 financial:0.0001297930192946391 the:7.079619234253042e-05 explains:4.719746156168695e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 deg:0.0024613701627239164 at:0.0024613701627239164 degrees:0.001914399015451935 min:0.0013674278681799535 cents:0.0013674278681799535 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -To:0.007423651786316211 able:0.0012372752977193684 to:0.0009279564732895263 order:0.0009279564732895263 time:0.0009279564732895263 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.06334841628959277 his:0.031674208144796386 them:0.02714932126696833 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -neatly:0.013348880221945239 and:0.006674440110972619 handsomely:0.006674440110972619 who:0.003216597643842226 but:0.0020706847332234326 :0.1 -the:0.5 a:0.3 :0.2 -greatly:0.0016616614351494855 was:0.001107774290099657 thoroughly:0.001107774290099657 advantages:0.0009693025038371997 had:0.0008622099078460178 :0.1 -police:0.0005162874007686816 naval:0.00019618921229209898 armed:0.0001652119682459781 a:0.00010325748015373631 detective:0.00010325748015373631 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lavor:3.097935861640315e-05 labor:2.4783486893122516e-05 acc:2.4783486893122516e-05 na:2.4783486893122516e-05 southward:2.4783486893122516e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -twenty:0.0011275498001161717 t:0.0005466908121775379 and:0.00041001810913315336 Ti:0.00041001810913315336 t:0.00041001810913315336 :0.1 -the:0.5 a:0.3 :0.2 -the:0.005113388312428389 follow:0.005113388312428389 ow:0.004090710649942711 hav:0.002386247879133248 dur:0.0010226776624856777 :0.1 -never:0.004943116969183757 ever:0.0035720334302860725 he:0.00032473031184418835 we:0.0002525680203232576 distinctly:0.00021648687456279225 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.00022065246873318958 monstrous:0.00022065246873318958 and:3.4725277516471375e-05 John:1.7743637100892898e-05 J:1.4804507028965853e-05 :0.1 -the:0.5 a:0.3 :0.2 -George:0.0017637916821019054 min:0.0006134927589919671 leave:0.0006134927589919671 Hall:0.0005368061641179712 street:0.0003834329743699794 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -distressing:0.016049027137736815 relief:0.00551685307859703 premonitory:0.0035107246863799284 most:0.003009192588325653 evident:0.003009192588325653 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -time:0.00047513648922049476 the:0.0004088383744455419 resting:0.0004088383744455419 hiding:0.00032044088807893826 polling:0.0002872918306914619 :0.1 -the:0.031968453253525535 competent:0.031968453253525535 a:0.0039098405733102234 this:0.0020589213330809934 his:0.0018078646603517572 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0005591874610857099 which:0.0005591874610857099 Salisbury:0.00027959373054285496 he:0.00011065917690747901 in:0.00010374297835076158 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -surface:0.0011346573846573848 burying:0.0003284534534534534 sur:0.0002985940485940486 a:0.000209015834015834 vantage:0.000209015834015834 :0.1 -police:0.000602228023787324 naval:0.0002288466490391831 armed:0.00019271296761194366 deal:0.0001204456047574648 detective:0.0001204456047574648 :0.1 -be:0.0033078020443895336 for:0.0033078020443895336 fire:0.00311322545354309 equal:0.0021403424993108747 mutual:0.0017511893176179886 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -The:0.009465020576131687 States:0.004115226337448559 of:0.0035665294924554186 in:0.0030178326474622767 that:0.0012345679012345679 :0.1 -States:0.032794998956459515 the:0.009369999701845575 General:0.009369999701845575 Valley:0.00572611092890563 United:0.00572611092890563 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -no:0.0002332133950158966 of:0.0001776863962025879 oh:0.0001776863962025879 wiry:8.884319810129394e-05 to:8.884319810129394e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -an:0.00332871012482663 the:0.00332871012482663 is:0.0022191400832177527 a:0.001664355062413315 be:0.001664355062413315 :0.1 -the:0.5 a:0.3 :0.2 -person:0.0010385295463158138 the:0.0004615686872514729 stand:0.0004615686872514729 persons:0.0003846405727095607 under:0.00023078434362573644 :0.1 -the:0.5 a:0.3 Ginger:1.58286146769832e-05 reading:1.58286146769832e-05 Wiggins:1.58286146769832e-05 the:1.58286146769832e-05 laud:1.58286146769832e-05 :0.1 -art:6.28969348454335e-05 stomach:4.8919838213114956e-05 not:4.193128989695567e-05 teke:3.4942741580796396e-05 of:3.4942741580796396e-05 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0002368649026377169 and:0.00014517526290698778 matrimony:6.876722979804684e-05 Ac:5.348562317625866e-05 and:5.348562317625866e-05 :0.1 -suitable:0.0003032191227842221 same:0.00013994728743887174 statute:0.00013994728743887174 furs:9.32981916259145e-05 spelling:9.32981916259145e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.0017864485120018148 respectfully:0.0017864485120018148 and:0.0005742155931434405 for:0.0002764741744764714 jurisdiction:0.00017013795352398238 :0.1 -white:0.010903973766260587 battle:0.0020234178122957793 official:0.0012365331075140872 corn:0.0011241210068309883 coal:0.0010117089061478896 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.006917795798449216 de:0.006917795798449216 hhds:0.003953026170542409 the:0.001729448949612304 and:0.0007071145951616809 :0.1 -republican:0.0012908408112693613 female:0.00045353866341896475 modified:0.00024421312645636563 route:0.00024421312645636563 concentrated:0.0002093255369625991 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.005024743052912067 other:0.004187285877426723 and:0.0027407689379520365 in:0.0022839741149600305 quarter:0.0013703844689760183 :0.1 -the:0.5 a:0.3 :0.2 -For:0.0003511646496668266 pretty:0.0002161013228718933 spent:0.00010805066143594665 weighing:9.454432875645332e-05 said:8.103799607695999e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0057791169767632215 seen:0.003940307029611287 saw:0.0030209020560353207 be:0.002492554327099152 sees:0.0018388099471519342 :0.1 -Bay:0.0005563575161663372 Fourteenth:0.00013021133357084486 Loaf:0.00011837393960985898 County:0.00011837393960985898 Calais:8.286175772690129e-05 :0.1 -the:0.0046493679361045296 Missouri:0.0046493679361045296 Snake:0.0009962931291652563 the:0.0008302442743043803 the:0.0008302442743043803 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -burst:0.0002897166323007557 converted:0.000269022587136416 Inquire:0.00016555236131471756 Inquiry:0.00016555236131471756 plunged:0.00014485831615037784 :0.1 -dear:0.0006743728609021612 quaint:9.301694633133258e-05 six:9.301694633133258e-05 two:5.8135591457082866e-05 three:5.8135591457082866e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -own:0.00010658992035967207 bounded:0.00010658992035967207 way:2.763007842014614e-05 respective:1.7188137955632312e-05 lives:1.3785707916633426e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00021552609645003758 speaks:0.00021552609645003758 direct:0.00017242087716003005 Prints:0.00012931565787002255 it:0.00011643213234767985 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -smell:3.563529729168129e-05 wended:2.9696081076401074e-05 retrace:2.9696081076401074e-05 blood:2.9696081076401074e-05 welfare:2.9696081076401074e-05 :0.1 -ball:0.0008048965269497835 home:0.0008048965269497835 local:0.00044269308982238095 football:0.00028171378443242424 baseball:0.0002414689580849351 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -interest:0.02969265497482202 Interest:0.006120854314985241 with:0.0024743879145685014 the:0.002344156971696475 in:0.002344156971696475 :0.1 -act:0.042328042328042326 are:0.03527336860670194 thereunto:0.02821869488536155 be:0.02821869488536155 was:0.01763668430335097 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 and:0.0012965647667268917 per:0.0005759159777786892 for:0.0005668701770805945 seventy:0.0003889694300180675 and:0.00030253177890294137 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -variety:6.822859426025724e-05 tract:6.822859426025724e-05 uay:5.68571618835477e-05 parcel:5.68571618835477e-05 not:3.411429713012862e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0006984368688348276 strictly:0.0006984368688348276 of:0.0006984368688348276 public:0.0005986601732869951 Consultation:0.0005986601732869951 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -The:0.0022522764848706554 the:0.0022522764848706554 It:0.000989853996535511 He:0.0005594826936939845 They:0.0005164455634098318 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.004596200517778724 free:0.004596200517778724 a:0.0019021575855105556 in:0.001898075702279846 that:0.0018327655705884965 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -suit:0.00018137425880711543 satisfy:0.00016928264155330775 Ashland:9.673293803046156e-05 proper:7.254970352284618e-05 not:6.045808626903848e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.01461028710347796 Dollar:0.01461028710347796 a:0.0019120809531492369 his:0.0008301421422108827 tho:0.0006945868333362921 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0009418083288129356 final:0.0009418083288129356 the:0.0007187338221065048 not:0.0005579644145300498 to:0.0004119368384441694 :0.1 -attractive:0.0009911160911820806 nerves:0.00024777902279552014 whole:0.00014866741367731208 bumps:0.00014866741367731208 Side:0.00014866741367731208 :0.1 -don:0.007764084708301516 don:0.0012564286457417391 of:0.0005798901441884949 didn:0.0005798901441884949 I:0.0003543773103374136 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fairly:0.001202715379544648 sleep:0.0009840398559910755 remarkably:0.0007653643324375032 operated:0.0007653643324375032 ever:0.000656026570660717 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -law:0.03082977356836278 bill:0.024957435745817488 act:0.014680844556363227 day:0.008808506733817936 ordinance:0.007340422278181613 :0.1 -the:0.5 a:0.3 :0.2 -the:0.03737541528239203 and:0.010382059800664452 of:0.010382059800664452 a:0.00830564784053156 cake:0.006229235880398671 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0014237132334163106 of:0.0014237132334163106 any:0.0007173017208645154 a:0.0007143976653144566 throughout:4.65031960663619e-05 :0.1 -not:0.0005933386565659768 di:0.0005933386565659768 prin:0.0003560031939395861 a:0.0002678431587332244 sure:0.00018857119247137324 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -candidate:0.000525784346366243 bidder:0.00040207038251536235 Railway:0.00021649943673904124 next:0.00021649943673904124 Biddeford:0.00018557094577632106 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -seed:0.00033867192509939723 Indian:0.00033867192509939723 green:0.00028656855200718227 broom:0.00023446517891496729 wheat:0.00023446517891496729 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.009661646771492624 by:0.009661646771492624 Chattel:0.007246235078619468 a:0.001869877732366006 this:0.00099206764598167 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Fe:0.005651913875598086 piano:0.005651913875598086 a:0.005651913875598086 Fe:0.001435406698564593 Claus:0.0013905502392344497 :0.1 -be:0.0042485183660993225 still:0.0042485183660993225 allowed:0.0010621295915248306 not:0.0008200002273249733 and:0.000796597193643623 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -short:0.0022320039662228753 open:0.0006775726326033729 floor:0.0005978582052382701 brief:0.00047828656419061607 ample:0.00023914328209530803 :0.1 -the:0.5 a:0.3 :0.2 -being:0.004324428813728424 She:0.0015994462735707874 to:0.0008293425122218896 fully:0.000533148757856929 and:0.0004146712561109448 :0.1 -court:0.015099106585541379 dwelling:0.0035144472224967 opera:0.002212800103053478 boarding:0.0018223059672205111 the:0.0015619765433318668 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -just:0.003336750905194709 jury:0.0007700194396603175 recently:0.0007700194396603175 has:0.00035934240517481483 lately:0.000308007775864127 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -formation:0.0008972520218619287 the:0.0006729390163964465 universal:0.0006729390163964465 civil:0.00033646950819822324 civil:0.00033646950819822324 :0.1 -dining:0.006499232058756166 drawing:0.0017420622013160857 sitting:0.0014070502395245308 darkened:0.0007370263159414209 the:0.0006700239235831099 :0.1 -few:0.000938555235626689 the:0.000938555235626689 Louis:0.000938555235626689 great:0.0006021233206037261 good:0.0005693782019752077 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -healthy:0.005008680303748848 in:0.0044521602699989764 critical:0.0044521602699989764 normal:0.0033391202024992323 the:0.00278260016874936 :0.1 -spent:0.0002610040781887217 there:8.10012656447757e-05 There:7.200112501757839e-05 Soap:6.30009843903811e-05 There:6.30009843903811e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -And:0.006332883221442311 has:0.0009793118383673676 have:0.0006202308309659996 beast:0.00039172473534694705 had:0.0002937935515102103 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.001001620031191266 La:0.001001620031191266 England:0.001001620031191266 Germany:0.0008585314553067996 Britain:0.000715442879422333 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -cents:0.0001400740510052251 dollars:0.0001400740510052251 STYLES:0.00011205924080418007 ac:0.00011205924080418007 one:0.00011205924080418007 :0.1 -for:0.0028001483378581977 and:0.0019251019822775109 declining:0.0015750834400452363 for:0.0014000741689290989 for:0.0014000741689290989 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 Ginger:3.66294999340669e-05 reading:3.66294999340669e-05 Wiggins:3.66294999340669e-05 the:3.66294999340669e-05 laud:3.66294999340669e-05 :0.1 -the:0.5 a:0.3 :0.2 -jury:0.00018952087488148558 and:0.0001624464641841305 team:0.0001624464641841305 ointment:0.0001353720534867754 Jesus:0.0001353720534867754 :0.1 -the:0.5 a:0.3 :0.2 -California:0.001073842460994252 sltuated:0.000536921230497126 lt:0.000536921230497126 interested:0.000536921230497126 to:0.0004026909228728444 :0.1 -wrong:0.0006485672919271865 avoid:0.0005674963804362882 they:0.0005674963804362882 companies:0.0005674963804362882 the:0.0004053545574544916 :0.1 -the:0.5 a:0.3 :0.2 -president:0.0020595064805812194 quid:0.001201378780339045 the:0.00068650216019374 Wilson:0.00068650216019374 arguments:0.0005148766201453048 :0.1 -and:0.012626262626262626 or:0.00946969696969697 in:0.008207070707070708 Beginning:0.006313131313131313 of:0.006313131313131313 :0.1 -one:0.00047256553433881455 between:0.00017184201248684165 balance:0.00011456134165789443 residue:8.592100624342083e-05 One:8.592100624342083e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -plan:0.00014294042467319896 inexpensive:9.52936164487993e-05 marriage:9.52936164487993e-05 promoting:9.52936164487993e-05 therefrom:7.941134704066609e-05 :0.1 -to:0.007762461709830131 return:0.007762461709830131 for:0.000960735171261487 of:0.0009468114731272626 that:0.00041074909495962124 :0.1 -the:0.00098820093646127 Southern:0.00016346180903870628 Uni:8.173090451935314e-05 Unit:5.944065783225684e-05 I:5.201057560322474e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0005393924227332108 eccentric:0.0005393924227332108 it:0.0002949134482455749 or:0.0002367855801855775 he:0.00021199575410116685 :0.1 -the:0.5 a:0.3 :0.2 -federal:0.005374604544147253 municipal:0.0015356012983277867 self:0.0015356012983277867 form:0.0010237341988851912 of:0.0007678006491638933 :0.1 -educational:0.0013586074668154207 of:0.0010868859734523364 a:0.0008151644800892524 financial:0.0008151644800892524 as:0.0002797906920039504 :0.1 -the:0.5 a:0.3 :0.2 -rapid:0.004444105811551427 thick:0.0008888211623102853 vigorous:0.0007777185170214997 slow:0.0007777185170214997 annual:0.0007777185170214997 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -rural:0.0005674149418527157 mailed:0.0004458260257414195 mail:0.00028370747092635787 Mailed:0.00028370747092635787 Sent:0.00028370747092635787 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -membrane:8.779466936629604e-05 and:8.779466936629604e-05 of:7.803970610337426e-05 as:7.803970610337426e-05 neither:4.877481631460891e-05 :0.1 -the:0.5 a:0.3 :0.2 -Montana:0.0014119365440012984 the:0.0007059682720006492 perilous:0.0007059682720006492 upright:0.0007059682720006492 elevated:0.0007059682720006492 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -by:0.001982008388641138 painful:0.001982008388641138 lung:0.0014865062914808536 a:0.0014795273887039482 the:0.0014236961664887045 :0.1 -certainly:0.0002464868458584548 You:0.0002464868458584548 dealer:0.00017926316062433077 decree:0.00013444737046824806 were:0.00011203947539020672 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -certain:0.013067575880070287 mortgage:0.003769493042327968 trust:0.003685726530276235 the:0.0012564976807759893 prior:0.0012564976807759893 :0.1 -the:0.5 a:0.3 :0.2 -statute:0.004623536627576008 the:0.0033025261625542913 school:0.0033025261625542913 text:0.003082357751717338 poll:0.0028621893408803858 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -verily:0.0011225062503188938 in:0.0007483375002125958 reason:0.0007483375002125958 confidently:0.0007483375002125958 on:0.0005170331819650662 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lbs:9.922372341280637e-05 docu:6.945660638896445e-05 and:6.945660638896445e-05 sec:5.953423404768382e-05 her:5.953423404768382e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -stone:0.00039948949418507675 hereunto:0.00019974474709253838 hereinafter:0.00017624536508165152 square:0.0001644956740762081 example:0.00015274598307076463 :0.1 -the:0.5 a:0.3 :0.2 -own:0.0009261009261009261 human:0.0009261009261009261 wife:0.00034125651772710594 wife:0.00023308170366993894 way:0.00020428696899285135 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ball:0.002979969765684051 alley:0.002607473544973545 west:0.0018624811035525322 of:0.0011174886621315191 coun:0.0011174886621315191 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -annual:0.004798822671489193 minority:0.0018958311788599281 detailed:0.0013033839354662006 the:0.001007160313769337 conference:0.001007160313769337 :0.1 -days:0.0003294224970225274 have:0.0003294224970225274 years:0.00023510067095197472 feet:0.00013092432573972242 miles:8.728288382648163e-05 :0.1 -the:0.5 a:0.3 :0.2 -deg:0.004973613670631597 witness:0.0039788909365052775 degrees:0.0011936672809515832 deg:0.0007957781873010555 and:0.0005968336404757916 :0.1 -Arbor:0.0029193923338919825 in:0.0029193923338919825 E:0.0009731307779639942 Arbor:0.0008109423149699952 street:0.0006487538519759961 :0.1 -the:0.5 a:0.3 :0.2 -total:0.0020914109013850605 net:0.0008888496330886507 the:0.0005751379978808916 financial:0.0005751379978808916 consequent:0.0005228527253462651 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Marshal:0.0009904861427095894 directors:0.0009904861427095894 Maryland:0.0007923889141676716 The:0.0005942916856257537 Assembly:0.0005942916856257537 :0.1 -the:0.5 a:0.3 :0.2 -long:0.0035042296355536073 easier:0.0019189828956603088 ordinary:0.0010846425062427832 cars:0.0006674723115340205 lines:0.0005006042336505154 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -which:0.00014413214034626946 materials:0.0001345233309898515 language:0.00011530571227701558 acids:9.608809356417964e-05 extensively:9.608809356417964e-05 :0.1 -the:0.5 a:0.3 :0.2 -wish:3.896145362117568e-05 body:3.896145362117568e-05 route:2.1251701975186733e-05 dead:1.7709751645988946e-05 floor:1.4167801316791159e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Talk:0.0001703565758623953 in:0.00010483481591532018 brag:9.173046392590514e-05 of:7.862611193649012e-05 prowling:7.862611193649012e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.0013033057494477279 eat:0.0013033057494477279 intoxicating:0.0013033057494477279 in:0.0002800305556129047 from:0.0002620125037772218 :0.1 -de:0.0002248371583816133 and:0.00011241857919080665 featur:0.00011241857919080665 con:0.00011241857919080665 re:0.00011241857919080665 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -order:0.0005506272616205025 as:0.0004955645354584523 effectually:0.00038543908313435173 and:0.00027531363081025127 attempt:0.000220250904648201 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Some:3.92465228281605e-05 guarantors:3.363987670985186e-05 general:2.8033230591543216e-05 but:2.8033230591543216e-05 Care:2.8033230591543216e-05 :0.1 -sanitary:0.0007516538794494939 in:0.0006360148210726487 deplorable:0.0005203757626958034 the:0.00034691717513053564 disjointed:0.00034691717513053564 :0.1 -little:0.00011018019358610661 purely:7.083012444821139e-05 could:4.7220082965474265e-05 no:3.935006913789522e-05 are:3.935006913789522e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00038440849206095967 statue:0.00038440849206095967 Sun:0.00038440849206095967 is:0.00018315934033492784 was:7.989666697737594e-05 :0.1 -the:0.5 a:0.3 :0.2 -fact:0.00015920895020349972 same:0.00014273905880313767 That:0.00014273905880313767 truth:0.00012077920360265495 Inde:3.8429746600844754e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -majority:0.0006430711482134301 popular:0.000514456918570744 was:0.00040727839386850575 direct:0.00040727839386850575 electoral:0.0003858426889280581 :0.1 -the:0.5 a:0.3 :0.2 -a:0.00024068705213062743 activity:0.00024068705213062743 the:0.000175093112684342 made:0.00014659069861624137 in:7.883748537691804e-05 :0.1 -natural:0.009551218760722362 its:0.0058539727888298355 our:0.004313453633874615 mineral:0.0036972459718925274 her:0.002464830647928352 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Oats:0.00038929956654923896 Lard:0.0003244163054576991 Flour:0.0003244163054576991 dull:0.0003244163054576991 Cornmeal:0.0002595330443661593 :0.1 -the:0.5 a:0.3 :0.2 -hole:0.00406945198046663 either:0.00406945198046663 in:0.0037981551817688553 through:0.0035268583830710795 had:0.0035268583830710795 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -beneficial:0.00023293778540284263 have:0.00021352630328593908 curative:0.000174703339052132 depressing:0.00015529185693522843 shall:0.00013588037481832488 :0.1 -the:0.5 a:0.3 :0.2 -a:0.006740491092922484 no:0.00625902744342802 should:0.00625902744342802 in:0.00625902744342802 is:0.00625902744342802 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -six:0.01587489631449981 eighteen:0.0018937059055367795 for:0.00040291615011420835 the:0.00028204130507994586 of:0.00028204130507994586 :0.1 -the:0.5 a:0.3 :0.2 -of:0.000614754816163206 democratic:0.000614754816163206 republican:0.0004781426347936047 lasting:0.00034153045342400336 the:0.0002732243627392027 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Bowling:0.005342514447797906 Blue:0.005342514447797906 the:0.003205508668678744 Nellie:0.003205508668678744 a:0.0008184524457361675 :0.1 -wireless:7.745510248189128e-05 alarm:7.745510248189128e-05 same:5.809132686141846e-05 postal:5.809132686141846e-05 railroad:5.809132686141846e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -enough:0.0003525940250733529 will:0.0003525940250733529 that:0.0002938283542277941 Please:0.0002350626833822353 the:0.00017629701253667646 :0.1 -to:0.00854826552848782 the:0.00041196460378254557 the:0.00041196460378254557 received:0.0003089734528369092 tothe:0.0003089734528369092 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -set:0.020577360753989825 setting:0.006192712833546701 sets:0.002194268326847256 burst:0.0008777073307389024 are:0.0005851382204926017 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -certain:0.009394433564032741 described:0.005636660138419644 lot:0.005135623681671231 lot:0.0020041458269936512 de:0.001252591141871032 :0.1 -be:0.0023856760097121705 necessary:0.0023856760097121705 have:0.001270997016809301 not:0.00026588673225206064 bo:0.00015923985612898139 :0.1 -the:0.5 a:0.3 :0.2 -brand:0.00013697693489542887 bbls:0.00011871334357603835 the:7.305436527756207e-05 en:6.39225696178668e-05 on:5.4790773958171554e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -satisfy:0.00035640876241425007 the:0.00016971845829250002 rea:0.00010183107497550002 forth:8.485922914625001e-05 the:8.485922914625001e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -disposition:0.0006550982414065016 accomplishing:0.00042833346553502024 Most:0.00022676477587148128 Many:0.00022676477587148128 of:0.00020156868966353893 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -little:0.00015411327600392793 purely:9.907282028823938e-05 could:6.604854685882625e-05 no:5.504045571568854e-05 are:5.504045571568854e-05 :0.1 -the:0.5 a:0.3 :0.2 -of:0.0015113806505876598 scientific:0.0015113806505876598 time:0.0003889613112317981 one:0.0002302185538701027 other:0.0002214918577847739 :0.1 -of:0.05737478671083007 to:0.02024992472146944 between:0.02024992472146944 corner:0.01349994981431296 be:0.01349994981431296 :0.1 -the:0.5 a:0.3 :0.2 -larger:0.00017057287111663037 various:9.097219792886954e-05 same:6.254338607609781e-05 principal:6.254338607609781e-05 towns:5.117186133498912e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.023976339940144156 Hopkins:0.023976339940144156 a:0.0029323804299826676 this:0.0015441909998107452 his:0.0013558984952638182 :0.1 -ol:0.0017042910447761191 lo:0.0013796641791044774 fund:0.0012985074626865672 ot:0.0012985074626865672 of:0.0008208955223880598 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0017291604201100385 to:0.0017291604201100385 starting:0.0014240144636200318 at:0.0013222991447900297 initial:0.0009154378694700205 :0.1 -the:0.5 a:0.3 :0.2 -very:0.00012219255161890227 at:0.00010781695731079614 swelled:8.625356584863691e-05 riding:7.187797154053075e-05 sounds:7.187797154053075e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -packing:0.0005912232580179773 dwelling:0.00033784186172455843 apartment:0.00029561162900898865 boarding:0.00029561162900898865 tenement:0.0002533813962934188 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Fifth:0.007492933248080927 the:0.006593781258311214 Pennsylvania:0.006593781258311214 Connecticut:0.0026974559693091335 Downey:0.0020980213094626593 :0.1 -usually:0.0017034944303287948 alone:0.0015331449872959153 seldom:0.001022096658197277 hotel:0.0008517472151643974 of:0.0005110483290986385 :0.1 -installments:0.0010289480055717158 the:0.0006173688033430294 ably:0.0006173688033430294 writers:0.0006173688033430294 fairly:0.0006173688033430294 :0.1 -the:0.0015063746322327557 necessary:0.0015063746322327557 tbe:0.0007218045112781955 he:0.0005178162798300099 it:0.00047858777378228184 :0.1 -the:0.5 a:0.3 :0.2 -an:0.00332871012482663 the:0.00332871012482663 is:0.0022191400832177527 a:0.001664355062413315 be:0.001664355062413315 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.020100502512562818 I:0.006030150753768844 have:0.0050251256281407045 will:0.0050251256281407045 and:0.004020100502512563 :0.1 -the:0.5 a:0.3 :0.2 -cogent:0.00031336478105831075 the:0.00017906558917617755 plain:0.00017906558917617755 a:4.75939759080848e-05 that:4.207695992527007e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Shipping:0.0016247217791251845 the:0.0013539348159376538 Reserve:0.0013539348159376538 Returning:0.0008123608895625922 a:0.00035986334006057457 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -happy:0.002847059192392262 the:0.0019929414346745835 medical:0.0019929414346745835 the:0.0008541177577176787 a:0.0005297053837340232 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.001076752900076128 county:0.001076752900076128 first:0.0007125429155552931 most:0.0006558666458372556 United:0.0006468215365783497 :0.1 -the:0.5 a:0.3 :0.2 -purpose:0.0026203931674519372 Stevenson:0.00209631453396155 Moore:0.00209631453396155 Thurston:0.0015722359004711622 Columbia:0.0015722359004711622 :0.1 -the:0.5 a:0.3 :0.2 -lavor:0.00011102777225922771 labor:8.882221780738215e-05 acc:8.882221780738215e-05 na:8.882221780738215e-05 southward:8.882221780738215e-05 :0.1 -restores:0.0009962015006151198 lias:0.0009962015006151198 completely:0.0007471511254613398 he:0.0006226259378844498 of:0.0004981007503075599 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0019586124918953966 mountain:0.0019586124918953966 to:0.0014993516317268207 the:0.0007159066349686622 as:0.000472768532526475 :0.1 -National:0.0021040143906847397 local:0.001530192284134356 by:0.001530192284134356 the:0.001147644213100767 regular:0.001147644213100767 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -brief:0.0006596584127846306 decennial:0.0003848007407910345 old:0.00021988613759487687 biennial:0.00021988613759487687 critical:0.00021988613759487687 :0.1 -the:0.5 a:0.3 :0.2 -total:0.0012987012987012987 net:0.000551948051948052 The:0.00035714285714285714 financial:0.00035714285714285714 consequent:0.0003246753246753247 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Montana:0.007240728877500178 claim:0.006683749733077088 lode:0.003341874866538544 mining:0.002784895722115453 Columbia:0.0022279165776923626 :0.1 -Sat:0.00041815441845310014 day:0.0003041123043295274 Fri:0.0001900701902059546 Tues:0.0001900701902059546 Thurs:0.0001900701902059546 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -not:0.003222249381366569 various:0.003222249381366569 a:0.0014545781620338967 varied:0.0013567365816280288 sure:0.0010240752082480797 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.08372958445317345 will:0.006202191440975811 would:0.0026187030528564536 To:0.0017228309558266143 can:0.001585004479360485 :0.1 -the:0.5 a:0.3 :0.2 -enough:0.00029084839211421487 to:0.00021813629408566116 of:0.00021813629408566116 which:0.00021813629408566116 refused:0.00021813629408566116 :0.1 -the:0.002460143003134102 occasional:0.002460143003134102 timely:0.0016400953354227346 a:0.000734733176688701 his:0.00015370692317065183 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Court:0.026288685838331667 White:0.011595613693040553 Opera:0.004050522591404577 the:0.003653412533423736 the:0.002303238336288877 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005797749436360608 Prime:0.005797749436360608 be:0.0025005905751939225 a:0.0009104688006013804 make:0.0005081036514420561 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 and:0.00013695204296721485 where:0.00013695204296721485 of:7.145323980898167e-05 next:6.252158483285896e-05 st:5.954436650748473e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.01675531914893617 an:0.0022340425531914895 i:0.0009574468085106381 common:0.0009574468085106381 of:0.0009574468085106381 :0.1 -restores:0.00013912898840886474 lias:0.00013912898840886474 completely:0.00010434674130664855 he:8.695561775554046e-05 be:6.956449420443237e-05 :0.1 -will:0.09029171168390183 shall:0.024309306991819723 to:0.01736379070844266 and:0.01736379070844266 would:0.012154653495909861 :0.1 -the:0.5 a:0.3 :0.2 -seed:0.0017239624956962058 Indian:0.0017239624956962058 green:0.0014587374963583278 broom:0.00119351249702045 wheat:0.00119351249702045 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dare:0.00026598979611912094 truthfully:0.00010836621323371596 I:6.89603175123647e-05 want:5.910884358202688e-05 WOMEN:4.925736965168907e-05 :0.1 -the:0.5 a:0.3 :0.2 -quick:0.010487278475240903 the:0.006991518983493935 rapid:0.006991518983493935 and:0.00582626581957828 of:0.0025534243244064807 :0.1 -the:0.5 a:0.3 :0.2 -same:0.0007131389613811549 general:0.0007131389613811549 first:0.0004719208229693881 most:0.0004343838392112558 United:0.00042839321701556064 :0.1 -the:0.5 a:0.3 :0.2 -For:0.0004292173333658639 in:0.00011445795556423037 few:8.584346667317279e-05 in:8.584346667317279e-05 In:8.584346667317279e-05 :0.1 -the:0.5 a:0.3 :0.2 -an:0.05354020979020979 the:0.018866550116550116 to:0.007648601398601399 in:0.004370629370629371 this:0.004079254079254079 :0.1 -the:0.5 a:0.3 :0.2 -the:0.000680170690865878 felt:0.00019838311816921443 the:0.00014170222726372458 America:0.00011336178181097969 seriously:8.502133635823475e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0319004084808403 per:0.0319004084808403 a:0.0042038568959126225 tho:0.0029060218810671146 this:0.002163058358075846 :0.1 -the:0.5 a:0.3 :0.2 -w:0.003052203709238228 whero:0.00026980806269509197 whon:0.00016863003918443246 whore:0.00016863003918443246 wr:0.00011804102742910273 :0.1 -the:0.5 a:0.3 :0.2 -action:0.0008044721419902573 an:0.00020395068388485396 defendants:0.0001472977161390612 ac:0.00013596712258990263 Action:0.0001246365290407441 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -I:0.00025097895893927836 not:0.00020078316715142265 loud:0.00020078316715142265 in:0.00015765393428677468 the:0.00014371987443819614 :0.1 -he:0.000931540259476305 which:0.0007621693032078859 it:0.0007198265641407812 and:0.0007198265641407812 be:0.0006774838250736765 :0.1 -that:0.05031304216640266 but:0.017783058007090593 can:0.009542128686731537 could:0.008674662442483216 of:0.004771064343365768 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -I:0.0003897170808494678 have:0.00018186797106308498 plainly:0.00018186797106308498 I:0.00016887740170143606 had:0.00014289626297813818 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ai:0.009229790021248834 sa:0.0019778121474104647 e:0.0011866872884462787 ar:0.0008570519305445346 wou:0.000725197787383837 :0.1 -of:0.003551629607066707 entitled:0.003551629607066707 and:0.002479439537008833 in:0.0015169052695705146 to:0.000907706366128541 :0.1 -of:0.012536829182372065 medical:0.012536829182372065 to:0.0038187744144651628 for:0.0037151642559331618 receive:0.0035819511949634467 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 entitled:6.668968210083419e-05 same:5.68097291970069e-05 called:5.68097291970069e-05 first:3.759392714064666e-05 word:3.704982338935233e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -attending:0.0011535541928883244 skilled:0.0008239672806345174 Several:0.0008239672806345174 of:0.000659173824507614 the:0.000659173824507614 :0.1 -and:0.0019189765458422175 toilet:0.0017590618336886992 various:0.0017590618336886992 original:0.001119402985074627 civil:0.0009594882729211088 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.000361508342462692 County:0.000361508342462692 Madison:0.00019366518346215645 Fourth:0.0001678431590005356 North:0.00015493214676972516 :0.1 -the:0.5 a:0.3 :0.2 -such:0.002345405272234541 make:0.0012416851441241685 upon:0.0012416851441241685 Port:0.000827790096082779 aud:0.000827790096082779 :0.1 -the:0.5 a:0.3 :0.2 -declare:0.00019752225687718337 over:0.00012155215807826668 until:0.00010635813831848334 throughout:9.116411855870002e-05 up:9.116411855870002e-05 :0.1 -right:8.190484242565154e-05 noth:7.020415065055847e-05 on:7.020415065055847e-05 what:5.850345887546539e-05 dis:4.680276710037231e-05 :0.1 -the:0.5 a:0.3 Fast:0.0015195503258716551 the:0.001085393089908325 contains:0.001085393089908325 Oil:0.0008683144719266601 do:0.0008683144719266601 :0.1 -the:0.5 a:0.3 :0.2 -no:0.00024020681606395954 of:0.00018301471700111205 oh:0.00018301471700111205 wiry:9.150735850055603e-05 to:9.150735850055603e-05 :0.1 -of:0.005682569049821593 I:0.003616180304431923 would:0.0030995831180845052 The:0.0030995831180845052 his:0.0020663887453896703 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0013891274588727783 Black:0.0013891274588727783 Early:0.0011113019670982226 Borax:0.0008334764753236669 post:0.0008334764753236669 :0.1 -the:0.5 a:0.3 :0.2 -herein:0.0013640285892484894 hereinafter:0.0005580116956016548 the:0.0004030084468234174 as:0.0003100064975564749 amply:0.00018600389853388495 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -South:0.0031924799361504014 In:0.0020219039595619206 that:0.0014898239702035207 Central:0.0011705759765884805 North:0.0010641599787168004 :0.1 -the:0.5 a:0.3 :0.2 -regarded:0.0002350626833822353 the:0.00016790191670159663 ao:0.00016790191670159663 a:0.00016516750145717873 to:0.00011425739397643017 :0.1 -that:0.0003062563425230405 one:0.0003062563425230405 what:0.00015611034563833224 the:0.00010995147267550311 how:0.00010658031903215043 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Grand:0.018197315749161034 Deer:0.012929671716509156 Senator:0.005746520762892959 Medicine:0.004309890572169719 Supreme:0.0033521371116875588 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -being:0.008474524550979554 She:0.0031344131900883287 to:0.0016252512837495036 of:0.0010448043966961094 fully:0.0010448043966961094 :0.1 -is:0.0001819914905163722 it:0.0001819914905163722 Orleans:0.00015924255420182568 becoming:0.00013649361788727917 was:0.00011374468157273263 :0.1 -purchasing:0.0008154967089516995 motive:0.0006961557271538899 veto:0.00035802294539342906 despotic:0.00013923114543077796 pur:0.0001193409817978097 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -hundred:0.0006212658770105743 ten:0.0004141772513403829 fifty:0.00020708862567019146 twenty:0.00020708862567019146 few:0.00019414558656580448 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.004851752021563341 Gan:0.004851752021563341 A:0.002830188679245283 B:0.0021563342318059297 C:0.002021563342318059 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -with:6.737720504380766e-05 her:4.491813669587177e-05 her:3.743178057989314e-05 explains:2.9945424463914513e-05 She:2.9945424463914513e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -within:0.007575773279926375 exceeding:0.0005623936496015213 less:0.00043006573204822215 eight:0.0003969837526598974 hundred:0.0003969837526598974 :0.1 -first:5.925853456270444e-05 smoke:5.925853456270444e-05 only:3.988870886076781e-05 people:3.685191415326079e-05 following:3.118870240142339e-05 :0.1 -a:0.08390342879861806 than:0.013983904799769678 one:0.01281857939978887 to:0.011653253999808065 the:0.011653253999808065 :0.1 -scarcely:0.0004240410174956282 Catarrh:0.00020192429404553724 we:0.00020192429404553724 that:0.00018173186464098348 ha:0.00018173186464098348 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -This:0.0002563592052564158 proper:6.071665387651954e-05 novel:4.0477769251013026e-05 simple:3.373147437584419e-05 original:3.373147437584419e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -cannot:0.011421984430169573 if:0.0020767244418490134 seldom:0.0008900247607924344 not:0.0007416873006603619 yon:0.0007416873006603619 :0.1 -the:0.5 a:0.3 :0.2 -Why:0.0010908068628714788 Here:0.0008181051471536092 If:0.0008181051471536092 Since:0.0007635648040100352 What:0.0005999437745793134 :0.1 -take:0.019580277503297897 to:0.0022429420050217403 didn:0.0016367414631239727 utmost:0.0009093008128466515 fostering:0.0006668205960875445 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00044255628009328237 was:0.00044255628009328237 after:0.0003287560937835812 since:0.00011380018630970119 After:8.851125601865648e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.08913721413721414 in:0.013946638946638947 from:0.006670131670131671 to:0.006670131670131671 city:0.005457380457380458 :0.1 -the:0.5 a:0.3 :0.2 -as:7.817336526107114e-05 mny:7.817336526107114e-05 shnll:6.94874357876188e-05 shull:6.080150631416645e-05 Bhould:5.21155768407141e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -says:0.0020644708557065873 said:0.0014602354833046596 the:0.0008560001109027315 entitled:0.0005538824247017674 follows:0.00045317652930144606 :0.1 -the:0.5 a:0.3 :0.2 -ith:0.0004262457689679367 shingle:0.0004262457689679367 cabin:0.0004262457689679367 ill:0.000390820517391513 hich:0.0003256837644929275 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 is:0.0023805761339844183 far:0.0023805761339844183 dreams:0.0023805761339844183 otherwise:0.0023805761339844183 was:0.0012823317570637633 :0.1 -a:0.0031931424278127825 Dollar:0.0031931424278127825 the:0.002770520635896385 to:0.0021365879480217884 for:0.0019487560405033893 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -he:0.08746972188879872 she:0.01803850295761219 ho:0.005445585798524434 lie:0.0034034911240777713 it:0.002042094674446663 :0.1 -the:0.5 a:0.3 :0.2 -real:0.0013470728439126773 diligence:0.000505152316467254 real:0.0004490242813042258 intimate:0.0002806401758151411 purely:0.0002806401758151411 :0.1 -the:0.5 a:0.3 :0.2 -same:7.915869467266503e-05 whole:7.915869467266503e-05 human:6.679014863006111e-05 first:5.238338999562865e-05 most:4.8216770588819026e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -it:0.005750224618149146 which:0.002587601078167116 then:0.0015813117699910151 day:0.0011500449236298293 free:0.0010062893081761006 :0.1 -Syrup:0.003937798766282598 Lumber:0.0020782826822047045 Tel:0.0007656830934438386 the:0.0006562997943804331 Mfg:0.0006562997943804331 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -devise:0.00011840710093705415 of:3.946903364568471e-05 lungs:3.289086137140393e-05 inserted:3.289086137140393e-05 health:3.289086137140393e-05 :0.1 -agricultural:0.005397517285103542 described:0.001988558999774989 native:0.00156243921410892 rich:0.00156243921410892 parcel:0.0011363194284428509 :0.1 -intimate:0.0025864062787521506 relatives:0.0008952944811065136 Jimmy:0.0005968629874043424 closest:0.0005968629874043424 the:0.0004973858228369519 :0.1 -sit:0.0004067556813157662 cough:0.000375466782753015 he:0.0003128889856275125 There:0.00021902228993925872 there:0.0001877333913765075 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0011979874980840215 t:0.00035939624942520645 i:0.00035939624942520645 the:0.00024949361507508997 to:0.00019248641475904985 :0.1 -the:0.5 a:0.3 :0.2 -vote:0.0013016385233816452 nAbsent:0.0010413108187053162 Senate:0.0010413108187053162 the:0.0007809831140289872 Ayes:0.0007809831140289872 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -high:0.004516539440203563 low:0.0032497052069757337 higher:0.002093030472289456 lower:0.0011566747346862783 lowest:0.0011015949854155031 :0.1 -life:0.00544306833170598 personal:0.0022568819911951625 of:0.0018586086986313104 human:0.0018586086986313104 religious:0.0017258509344433594 :0.1 -the:0.5 a:0.3 :0.2 -i:0.0009009911081714889 i:8.190828256104444e-05 di:5.733579779273111e-05 wit:5.733579779273111e-05 tl:4.9144969536626665e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -very:0.00567388766376962 too:0.003082111817356337 sufficiently:0.0007705279543390842 pretty:0.0006304319626410689 So:0.0006304319626410689 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -head:0.00028291917188625693 relief:0.00018003947301852713 came:0.00015431954830159468 disappeared:0.00010287969886772978 of:7.715977415079734e-05 :0.1 -impurities:0.00029681549968851124 commixed:0.00027702779970927715 Baggage:0.00015830159983387266 ticket:0.00015830159983387266 passing:0.00011872619987540449 :0.1 -the:0.0023034038370444167 at:0.0023034038370444167 a:0.0002817134037537934 this:0.00014835022705605414 his:0.00013026099081137117 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -So:0.0026015882588816827 Bo:9.67532823551039e-05 wandered:8.600291764898125e-05 have:6.450218823673593e-05 that:6.450218823673593e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -as:0.01959191043698086 lots:0.01959191043698086 to:0.015332799472419802 Lots:0.010262429276513784 that:0.005935277215130246 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.00043841764734397316 marriage:0.00043841764734397316 and:0.0004027739361777965 of:0.00035287274054514913 Physicians:0.0003507341178751786 :0.1 -soap:0.0004433710198700223 the:0.00031669358562144446 But:0.00031669358562144446 If:0.0002533548684971556 complaint:0.00019001615137286668 :0.1 -the:0.5 a:0.3 :0.2 -then:0.004628099173553719 he:0.0030211202938475665 be:0.002056932966023875 had:0.0018640955004591367 they:0.0014141414141414144 :0.1 -the:0.5 a:0.3 :0.2 -said:0.016374269005847954 and:0.011695906432748539 such:0.009356725146198832 it:0.0058479532163742695 of:0.0058479532163742695 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0033455358056015097 in:0.0033455358056015097 a:0.0004091693623231629 this:0.0002154685116014993 his:0.0001891951388740211 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -own:0.00020780312767365214 company:0.00020780312767365214 people:8.260930607407224e-05 country:6.073529263474043e-05 present:4.421343141992598e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Railroad:0.0003556345854634363 About:0.0003556345854634363 and:0.00034822553159961466 Pacific:0.00028895310068904195 American:0.00017781729273171816 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0020974121437318666 Bruegger:0.0020974121437318666 Lake:0.0020974121437318666 K:0.0020974121437318666 to:0.00018214499939617684 :0.1 -Very:0.0002534798688591921 the:0.00022179488525179313 only:0.00021387363934994335 but:0.0001901099016443941 within:0.00015842491803699508 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -this:0.03152591143421546 York:0.00271537047389593 in:0.0013806968511335237 of:0.0013346736227624063 Baltimore:0.0006443251971956444 :0.1 -Monroe:0.0038547170321775164 The:0.002055849083828009 the:0.0012849056773925056 extra:0.0012849056773925056 Affec:0.0010279245419140045 :0.1 -present:0.006373021392136018 political:0.002755901142545305 financial:0.0018946820354998975 the:0.0010334629284544893 explains:0.0006889752856363262 :0.1 -my:0.0019540264563235464 pre:0.0019540264563235464 is:0.00146551984224266 roots:0.00146551984224266 was:0.0007894234540482627 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -line:0.017540855737088353 west:0.00488479526855625 the:0.003552578377131818 east:0.003552578377131818 south:0.003552578377131818 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0016773287564362618 r:0.0005383055078795444 o:0.00026525198938992045 a:0.00024964893119051336 ir:0.00021844281479169918 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -AT:0.0005898886127529197 Var:0.0005617986788123045 deg:0.0005617986788123045 bellies:0.0005337087448716892 creek:0.00028089933940615225 :0.1 -the:0.5 a:0.3 :0.2 -hundred:0.007987225510569346 ten:0.005324817007046231 fifty:0.0026624085035231154 twenty:0.0026624085035231154 the:0.0024960079720529205 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0035146131451622106 competent:0.0035146131451622106 be:0.001515865527255714 a:0.0005519289251765887 make:0.00030801396163545697 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.0011339025524146457 are:0.0007256976335453731 not:0.0006349854293522015 shore:0.00045356102096585823 road:0.00045356102096585823 :0.1 -DROPS:4.955609486066907e-05 thought:3.854362933607594e-05 coughing:2.2024931049186252e-05 disappoint:2.2024931049186252e-05 which:2.2024931049186252e-05 :0.1 -the:0.5 a:0.3 :0.2 -a:0.0003537590778836955 County:0.0003537590778836955 the:0.00021356014301324465 Madison:0.0001895137917234083 not:0.00018250837147719423 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -payable:0.0033401541741706143 April:0.0033401541741706143 July:0.0033401541741706143 January:0.002226769449447076 running:0.0019484232682661915 :0.1 -this:0.0054093040028849616 good:0.0021637216011539846 an:0.0013136881149863478 hard:0.000927309257637422 such:0.000927309257637422 :0.1 -stone:0.0003434042557666042 hereunto:0.0001717021278833021 hereinafter:0.00015150187754409009 square:0.0001414017523744841 example:0.00013130162720487808 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.015120214376667484 most:0.015120214376667484 a:0.0018492489198088894 the:0.001080015312619106 this:0.0009738141440247941 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.08302264567798949 an:0.014049986191659763 was:0.011495443247721624 The:0.0076636288318144155 of:0.005109085887876277 :0.1 -the:0.5 a:0.3 :0.2 -dare:0.0005658301732456585 truthfully:0.00023052340391489792 I:0.00014669671158220777 want:0.0001257400384990352 WOMEN:0.00010478336541586268 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -little:0.0001227712989934215 purely:7.892440649577097e-05 could:5.261627099718065e-05 no:4.384689249765054e-05 are:4.384689249765054e-05 :0.1 -linear:0.0028967696953705762 nlinear:0.0005570710952635723 E:0.0005570710952635723 W:0.0005570710952635723 the:0.00044565687621085783 :0.1 -the:0.5 a:0.3 :0.2 -oppose:0.0001994726982585166 preceded:0.00015344053712193584 rests:0.00012275242969754868 gate:0.0001074083759853551 not:0.0001074083759853551 :0.1 -the:0.5 a:0.3 :0.2 -it:9.089964933938728e-05 green:7.791398514804625e-05 Why:7.791398514804625e-05 delf:6.492832095670521e-05 Juror:6.492832095670521e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -above:0.007621414517966242 measures:0.0017209645685730224 article:0.00098340832489887 hereinafter:0.0008604822842865112 for:0.0007375562436741525 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Civil:0.0036627827548901724 World:0.002244931365900428 Secretary:0.00118154282415812 vs:0.001063388541742308 the:0.00059077141207906 :0.1 -routine:0.00035073906907496214 transact:0.000300633487778539 transacting:0.00020042232518569265 copartners:0.00010021116259284632 o:0.00010021116259284632 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -circulating:0.011421032015997692 through:0.006979519565331923 sows:0.0044415124506657685 common:0.0038070106719992306 cir:0.002538007114666154 :0.1 -the:0.5 a:0.3 :0.2 -Esq:0.00038400159585078795 seq:0.00027927388789148215 PERRAULT:0.0002443646519050469 life:0.00013963694394574107 eto:0.00013963694394574107 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.012934222854687247 deg:0.012934222854687247 de:0.0025868445709374493 not:0.0024964151657541536 have:0.0012270732318073263 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 the:0.08637873754152824 his:0.05315614617940199 First:0.026578073089700994 a:0.026578073089700994 Carolina:0.019933554817275746 :0.1 -same:0.00029675569384628224 younger:0.00029675569384628224 first:0.0001963785444979196 most:0.00018075842799430386 United:0.0001782655740871054 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -contestant:0.0008760006176183672 therein:0.0007075389603840657 Perrault:0.0005053849717029041 treats:0.0004043079773623233 forms:0.0002695386515748822 :0.1 -the:0.5 a:0.3 :0.2 -dealer:0.00040921623902429933 Rogers:0.0003069121792682245 is:0.00015345608963411226 re:0.00015345608963411226 Lizard:0.00015345608963411226 :0.1 -the:0.5 a:0.3 :0.2 -to:0.003135744892578923 of:0.003135744892578923 a:0.0012977416695752913 in:0.001294956816207104 that:0.0012503991623161069 :0.1 -the:0.5 a:0.3 :0.2 -the:0.001450644445647486 vested:0.001450644445647486 a:0.00038556786435061557 that:0.00034087346701364623 to:0.0002704745453866359 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -P:0.0043978552712849546 I:0.0019990251233113427 vs:0.00139931758631794 thee:0.0009995125616556713 Cassia:0.0007996100493245372 :0.1 -primary:0.0010086676743770204 Presidential:0.0002831347857900409 the:0.0002654388616781633 gen:0.0002654388616781633 municipal:0.0002654388616781633 :0.1 -a:0.023255813953488372 vault:0.016100178890876567 council:0.016100178890876567 or:0.016100178890876567 to:0.016100178890876567 :0.1 -died:4.6929560693262704e-05 patient:4.0225337737082315e-05 mail:3.352111478090193e-05 and:2.6816891824721543e-05 occupation:2.6816891824721543e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -legally:0.0009130745682334222 Clintonville:0.0007304596545867377 neatly:0.0007304596545867377 the:0.0005478447409400534 in:0.0005478447409400534 :0.1 -An:0.0009115938432584932 an:0.00021878252238203836 enabling:0.00018231876865169863 was:0.0001640868917865288 overt:0.0001640868917865288 :0.1 -the:0.0013628187096295448 It:0.0013628187096295448 he:0.0007026474233275873 they:0.0004050585838046507 it:0.00038817048113180987 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -still:0.00017936103042486023 add:6.238644536516877e-05 Still:3.8991528353230484e-05 There:3.1193222682584385e-05 nthat:2.729406984726134e-05 :0.1 -the:0.5 a:0.3 :0.2 -Congressional:0.0012085057075868811 appropriate:0.0006042528537934406 oppressive:0.00048340228303475245 congressional:0.00048340228303475245 exclusive:0.00048340228303475245 :0.1 -the:0.5 a:0.3 :0.2 -the:0.004254584232973605 Nursing:0.004254584232973605 a:0.0010863096097952767 said:0.0002235537861292644 tho:0.0002130245440485064 :0.1 -the:0.5 a:0.3 :0.2 -candidate:8.915203355970835e-05 bidder:6.81750844868358e-05 Railway:3.670966087752697e-05 next:3.670966087752697e-05 Biddeford:3.146542360930883e-05 :0.1 -who:0.0012111011217407314 equally:0.0012111011217407314 the:0.0012111011217407314 and:0.001009250934783943 of:0.000936528108200214 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -very:0.0001871365289206838 at:0.000165120466694721 swelled:0.0001320963733557768 riding:0.000110080311129814 sounds:0.000110080311129814 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -first:0.0003980198238128315 and:0.0003980198238128315 only:0.00026791916118149044 people:0.0002475220233960683 following:0.0002094841177962271 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.059767252526220005 its:0.02801589962166563 have:0.009338633207221876 has:0.008404769886499689 their:0.007470906565777501 :0.1 -as:0.012534177137415132 material:0.012534177137415132 by:0.0094620748978526 the:0.008233234002027587 and:0.003932290866640042 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Bay:0.002189407377475763 Fourteenth:0.0005124144926007104 Loaf:0.0004658313569097368 County:0.0004658313569097368 Calais:0.00032608194983681574 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -The:0.07142857142857142 our:0.07142857142857142 :0.1 -hardly:0.0010075379749016988 scarcely:0.0005757359856581136 all:0.0005037689874508494 for:0.000359834991036321 those:0.000359834991036321 :0.1 -same:0.00013349985143220288 th:0.00013349985143220288 th:0.00013349985143220288 th:0.00013349985143220288 st:0.00013349985143220288 :0.1 -the:0.5 a:0.3 deg:0.0006069090526554294 W:0.0006008399621288751 E:0.0005644254189695493 deg:0.0004046060351036196 deg:0.0003034545263277147 :0.1 -the:0.5 a:0.3 :0.2 -commerce:0.0019389046331011797 service:0.0014541784748258848 trustee:0.001332996935257061 railroad:0.001332996935257061 highway:0.0008482707769817661 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0004770958050561068 was:0.0004770958050561068 after:0.00035441402661310793 since:0.00012268177844299892 After:9.541916101122138e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0024913713434061243 and:0.0024913713434061243 be:0.0010745375889407594 a:0.0003912407570872021 make:0.00021833901077956443 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -going:0.009737569060773481 go:0.007665745856353592 later:0.005386740331491713 carried:0.004350828729281768 went:0.0037292817679558006 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0633748592531719 h:0.0633748592531719 a:0.01226532504365489 this:0.006507394538498619 his:0.004573536540818063 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.001672618218382884 carefully:7.86086891146003e-05 to:5.240579274306687e-05 always:5.240579274306687e-05 generally:3.493719516204458e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -immense:0.0013139773298773646 few:0.0009854829974080236 a:0.0009854829974080236 great:0.0006322294866339123 good:0.000597847112073968 :0.1 -Men:0.00017983678385854454 Young:4.150079627504874e-05 Woman:4.150079627504874e-05 same:2.7667197516699158e-05 Women:2.7667197516699158e-05 :0.1 -We:0.011378002528445005 sincerely:0.0027307206068268018 earnestly:0.0013653603034134009 I:0.001213653603034134 forlorn:0.0009102402022756006 :0.1 -the:0.5 a:0.3 :0.2 -the:0.06181818181818182 up:0.01090909090909091 of:0.01090909090909091 :0.1 -died:4.970562435708141e-05 patient:4.2604820877498355e-05 mail:3.550401739791529e-05 much:2.8403213918332235e-05 occupation:2.8403213918332235e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.009048574264929863 connected:0.009048574264929863 and:0.003016191421643288 a:0.0024050272726820576 that:0.0021262404378078925 :0.1 -of:0.13027295285359802 in:0.13027295285359802 and:0.02481389578163772 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -After:0.001151196864177798 Before:0.0007849069528484986 away:0.0007849069528484986 died:0.0007325798226585987 claimed:0.0006279255622787989 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -physicians:0.0010363468772576667 the:0.0007772601579432502 rare:0.0007772601579432502 you:0.000367703843950076 he:0.0002933409730699285 :0.1 -the:0.5 a:0.3 :0.2 -sale:0.0013002951947333093 therein:0.00021104267558498736 of:0.0001770035343616023 herein:0.00015658004962757125 directions:8.850176718080114e-05 :0.1 -the:0.5 a:0.3 :0.2 -dwelling:0.0007516187460005856 the:0.0005726619017147319 opera:0.0005607314454290084 boarding:0.0004533573388574961 clearing:0.00041756597000032535 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -young:0.004335260115606937 man:0.001573538856775851 The:0.0007064868336544637 colored:0.0007064868336544637 negro:0.0005138086062941554 :0.1 -to:0.001067495340795018 and:0.001067495340795018 of:0.0001596547283886977 was:0.00013461084942576474 is:0.00010956697046283176 :0.1 -art:2.8674559454831864e-05 stomach:2.2302435131535896e-05 not:1.911637296988791e-05 teke:1.5930310808239925e-05 of:1.5930310808239925e-05 :0.1 -in:0.00028856905639224186 mortgage:7.019247317649127e-05 been:6.239330949021446e-05 In:3.8995818431384034e-05 Stair:3.8995818431384034e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -by:0.00692166882770193 and:0.005243688505834796 that:0.005243688505834796 under:0.0017478961686115985 but:0.001588996516919635 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -final:0.006723030856840125 the:0.0014940068570755834 satisfactory:0.0014940068570755834 peaceful:0.0012450057142296528 homestead:0.0009960045713837222 :0.1 -during:0.0002960408884709488 better:0.00019155586901061392 within:0.0001306062743254186 and:0.00010448501946033486 For:8.707084955027906e-05 :0.1 -Democratic:0.010697658755163467 Republican:0.008999617682915299 republican:0.004584710895070058 democratic:0.0042451026806204235 the:0.003056473930046705 :0.1 -the:0.5 a:0.3 :0.2 -twenty:0.0010356382192872144 t:0.0005021276214725889 the:0.0003765957161044416 Ti:0.0003765957161044416 t:0.0003765957161044416 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -time:0.0017229404850945614 to:0.0014825301848488085 resting:0.0014825301848488085 hiding:0.0011619831178544715 polling:0.0010417779677315952 :0.1 -re:0.0012052341597796144 it:0.0012052341597796144 are:0.0010330578512396695 which:0.0010330578512396695 al:0.0008608815426997245 :0.1 -on:0.0006822753806007431 be:0.00027291015224029726 arraigned:0.00027291015224029726 elapse:0.0002558532677252787 than:0.00022173949869524153 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -It:0.0018073862854126894 it:0.001355539714059517 may:0.0012049241902751262 confidently:0.0010543086664907355 ev:0.0009036931427063447 :0.1 -he:0.007653619068445222 is:0.006888257161600699 been:0.0053575333479116555 be:0.0053575333479116555 was:0.0053575333479116555 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -who:0.0021925397134366824 men:0.0021925397134366824 men:0.001993217921306075 of:0.0016954612898280146 and:0.0015593106104933407 :0.1 -the:0.5 a:0.3 :0.2 -I:0.001170279682389485 you:0.00043885488089605686 haven:0.00040959788883631975 we:0.00032182691265710835 ain:0.00029256992059737124 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -have:0.0009065844965997478 coal:0.0009065844965997478 was:0.0007272255833563992 am:0.0006368996218981114 had:0.0005293951033526644 :0.1 -the:0.004127380582794502 the:0.004127380582794502 it:0.0022297054982229263 a:0.0016350616087868796 he:0.0012821224789106324 :0.1 -Custer:0.0007144811901934075 the:0.0003022805035433647 Yuma:0.0003022805035433647 Lander:0.0001648802746600171 Eureka:0.00013740022888334758 :0.1 -the:0.5 a:0.3 :0.2 -we:0.0037997587454764777 must:0.00293124246079614 us:0.0010494571773220747 to:0.0009408926417370326 We:0.0009408926417370326 :0.1 -the:0.5 a:0.3 :0.2 -profitable:0.00046438313046642083 seek:0.00046438313046642083 steady:0.00046438313046642083 the:0.0003715065043731367 immediate:0.0003715065043731367 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.07882283348121857 of:0.011535048802129548 own:0.009612540668441291 tho:0.007690032534753032 that:0.005767524401064774 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mortal:0.0011871197507048524 the:0.0007122718504229115 circulation:0.0007122718504229115 the:0.0005935598753524262 mangled:0.000474847900281941 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -contestant:0.001779481212784888 therein:0.0014372732872493326 Perrault:0.001026623776606666 treats:0.0008212990212853329 forms:0.0005475326808568887 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -satisfy:0.001235523569435075 the:0.0005883445568738452 rea:0.0003530067341243071 forth:0.0002941722784369226 the:0.0002941722784369226 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -diapers:0.0007653806257993696 of:0.0005740354693495272 Scotch:0.0005740354693495272 dressed:0.0005740354693495272 the:0.0005619505121000635 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0002289301282454686 uf:0.0002289301282454686 pin:0.00018314410259637488 aml:0.00013735807694728114 hundred:3.432960884165815e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -State:0.03982300884955752 and:0.021238938053097345 county:0.010619469026548672 ss:0.007964601769911504 County:0.007964601769911504 :0.1 -the:0.5 a:0.3 :0.2 -rise:0.0002928394888193883 rises:0.00022255801150273516 defendants:0.00015227653418608194 rising:0.00012884937508053087 the:0.00010542221597497981 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -bridge:0.004536863995255579 dam:0.0014794121723659495 bridges:0.0008876473034195696 flashed:0.0007890198252618397 the:0.0006903923471041097 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0018538407170214553 abrupt:0.0018538407170214553 after:0.0018538407170214553 sudden:0.0018538407170214553 a:0.00022673044561721657 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0002884888977879883 about:0.0002884888977879883 wot:0.0002884888977879883 crowned:0.0002884888977879883 the:0.00017415731247917652 :0.1 -in:0.0032140353268164433 by:0.002884390677912193 cer:0.0022251013801036917 on:0.0017306344067473157 which:0.0016482232445212532 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.02046280033422574 towns:0.005115700083556435 many:0.005115700083556435 country:0.004263083402963695 towns:0.0034104667223709565 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.02119520264681555 and:0.007948200992555832 was:0.006358560794044665 have:0.0047689205955334995 are:0.003709160463192721 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0050114547537227945 by:0.0050114547537227945 of:0.0050114547537227945 In:0.004009163802978236 made:0.0030068728522336767 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -take:0.0038473201372134433 taking:0.0010992343249181266 took:0.0009545982295341626 to:0.0005206899433822705 deal:0.00023141775261434244 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.0029525867360718936 in:0.0027131878115255236 and:0.002633388170010067 by:0.0013565939057627618 is:0.0010373953397009356 :0.1 -of:0.00015040367324603072 make:0.00015040367324603072 largest:0.00010616729876190404 potassa:9.73200238650787e-05 best:9.73200238650787e-05 :0.1 -the:0.5 a:0.3 :0.2 -provide:0.000840047370082594 deem:0.0006423891653572777 due:0.0004447309606319615 deemed:0.0004447309606319615 is:0.0003953164094506324 :0.1 -restores:0.0006161602477546249 completely:0.00046212018581596873 he:0.0003851001548466406 ill:0.00030808012387731245 the:0.00023106009290798437 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -right:0.00015341457000087668 noth:0.0001314982028578943 on:0.0001314982028578943 what:0.0001095818357149119 dis:8.766546857192952e-05 :0.1 -the:0.5 a:0.3 :0.2 -school:0.0008902036512045139 advertising:0.000719010641357492 for:0.0005478176315104701 alley:0.00030814741772463943 antiseptic:0.00023967021378583066 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.016749407018987156 first:0.016749407018987156 due:0.009282803890041075 a:0.008724756852305851 periodical:0.002421601014793324 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00026597143655403635 visible:0.00026597143655403635 it:0.00014368386015259593 a:0.00010536457111715119 he:8.262091433380704e-05 :0.1 -the:0.031477304407329494 a:0.0169044782928251 of:0.005829130445801758 present:0.0023316521783207033 tho:0.0023316521783207033 :0.1 -is:0.005096897386024005 would:0.002081455477015039 will:0.0020547701503866407 It:0.0012275250249063048 are:0.0011741543716495089 :0.1 -the:0.5 a:0.3 :0.2 -winter:0.004497967480376194 barrels:0.0024219824894333355 hind:0.002075984990942859 servants:0.001383989993961906 the:0.0010379924954714295 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 Elixir:0.035913825757575756 C:0.0006155303030303031 and:0.00047348484848484844 D:0.0004024621212121212 Mclnnis:0.00026041666666666666 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Edward:0.03170848327754989 Mr:0.02219593829428492 of:0.009512544983264967 the:0.009512544983264967 and:0.0061907038779978356 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0005220812817609731 sewed:0.0005220812817609731 a:0.0005135787759902403 to:0.0003552767465061101 it:0.0001811125153959352 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -among:0.0018496295888981251 tells:0.0005903073156057847 Let:0.000550953494565399 informs:0.00019676910520192824 a:0.00015741528416154257 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -resolution:0.0010540457063005844 platform:0.0008876174368847026 resolutions:0.0007211891674688209 unanimously:0.0006657130776635269 measures:0.0004438087184423513 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -his:0.00017259328255985973 Luka:6.574982192756561e-05 furt:4.109363870472851e-05 of:3.2874910963782805e-05 reply:3.2874910963782805e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -who:0.00020095063297096333 time:0.00011482893312626475 that:0.00010047531648548166 me:8.612169984469856e-05 who:8.612169984469856e-05 :0.1 -the:0.5 a:0.3 :0.2 -Section:0.0007056738408181513 block:0.0006415216734710467 Lot:0.0006094455897974944 March:0.0005452934224503896 January:0.00032076083673552333 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Why:0.0007642307734963155 and:0.00022926923204889463 folks:0.00022926923204889463 of:0.00019599797146132415 in:0.00011614694605115507 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0010643431544942884 attract:0.0010643431544942884 divert:0.0003405898094381723 paid:0.0002980160832584008 call:0.0002980160832584008 :0.1 -the:0.5 a:0.3 :0.2 -heaven:0.000834939748787845 same:0.0004174698743939225 animal:0.0004174698743939225 first:0.0002762613422597852 most:0.00025428728005978343 :0.1 -paid:0.0022202460527323163 and:0.001665184539549237 Francisco:0.0008325922697746185 son:0.0008325922697746185 Francisco:0.0004946967332347866 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -large:0.006492124564628522 round:0.001283326948821917 vast:0.000754898205189363 largo:0.0005284287436325541 additional:0.0005284287436325541 :0.1 -post:0.003470961887477314 Clerk:0.002041742286751361 in:0.002041742286751361 Recorder:0.0010208711433756805 hi:0.0010208711433756805 :0.1 -the:0.5 a:0.3 :0.2 -of:0.04491298527443105 the:0.01251673360107095 and:0.007362784471218206 shall:0.003681392235609103 tho:0.003681392235609103 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.00011808339120587159 and:7.237369138424388e-05 matrimony:3.428227486622079e-05 Ac:2.6663991562616166e-05 and:2.6663991562616166e-05 :0.1 -Act:2.191221995037216e-05 act:1.878190281460471e-05 first:1.5651585678837256e-05 session:1.5651585678837256e-05 the:1.5651585678837256e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.003422288421394447 private:0.003422288421394447 the:0.0020290812352317805 industry:0.0013689153685577785 to:0.0013485531096830937 :0.1 -the:0.5 a:0.3 :0.2 -greatly:0.0015719472906424105 and:0.0010479648604282737 thoroughly:0.0010479648604282737 advantages:0.0009169692528747394 hitherto:0.0005239824302141369 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -devise:0.0001542644157572218 of:5.142147191907393e-05 lungs:4.285122659922827e-05 inserted:4.285122659922827e-05 health:4.285122659922827e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -t:0.006934339728133627 oft:0.0003044344270887934 pul:0.00016913023727155185 in:0.00013530418981724148 wiil:0.00013530418981724148 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -County:0.015573877764690484 not:0.009161104567464991 County:0.006674519042010207 even:0.004580552283732496 and:0.004449679361340138 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 of:0.019815059445178335 and:0.010267803530683317 st:0.006484928545694727 A:0.006304791641647651 of:0.0036027380809415155 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -attorney:0.0011677945366037282 postmaster:0.0002694910469085527 consul:0.00019463242276728803 adjutant:0.00013474552345427634 brigadier:0.00011977379862602342 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0015799537936043739 cotton:0.0015799537936043739 funds:0.0008777521075579856 successfully:0.0007022016860463885 objection:0.0007022016860463885 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -grand:0.0005541403895874931 witness:0.00031969637860816913 can:0.00019181782716490146 couldn:0.00014919164335047892 speakers:0.00012787855144326765 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0003082079223093773 serves:0.0003082079223093773 re:0.0003082079223093773 six:0.000231155941732033 point:0.000231155941732033 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -w:0.04550459359001332 sh:0.00226192424277844 v:0.0019958155083339177 v:0.001463598039444873 seriously:0.0013305436722226118 :0.1 -membrane:0.00011559126149572167 and:0.00011559126149572167 for:0.00010274778799619705 as:0.00010274778799619705 neither:6.421736749762315e-05 :0.1 -the:0.5 a:0.3 :0.2 -Western:0.001778478940925456 Miners:0.0007904350848557583 the:0.0005928263136418186 the:0.0005928263136418186 the:0.0005928263136418186 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.01154625571421839 Harper:0.01154625571421839 a:0.010014609548046562 to:0.007776049766718507 Bonners:0.004618502285687356 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0672031390283643 was:0.025005819173344858 Van:0.023442955475010806 of:0.014065773285006484 lodge:0.010940045888338376 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -with:0.0011269331963612754 point:0.0004695554984838648 sensible:0.00021912589929247024 that:0.00018782219939354592 commanding:0.00018782219939354592 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.000711252377354558 hot:0.000711252377354558 was:0.0006721725764010109 is:0.0006096448948753354 Last:0.0005690019018836464 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.01076555023923445 and:0.009968102073365232 been:0.009170653907496013 is:0.005980861244019139 were:0.005183413078149921 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0005071003829412788 g:0.0005071003829412788 something:0.00038032528720595904 gr:0.00038032528720595904 couldn:0.00038032528720595904 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -artesian:0.00011906429471914835 edi:7.704160246533128e-05 might:7.003782042302844e-05 tolerably:7.003782042302844e-05 will:3.501891021151422e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -absolutely:0.0007605161692868834 deemed:0.0003802580846434417 a:0.00034983743787196637 may:0.00034983743787196637 deem:0.00031941679110049104 :0.1 -You:0.00025919517880220973 that:0.00013769743873867388 that:0.00013769743873867388 that:0.00011339789072596675 that:5.6698945362983376e-05 :0.1 -declare:0.00016111325662263438 over:9.914661946008269e-05 until:8.675329202757236e-05 throughout:7.435996459506203e-05 up:7.435996459506203e-05 :0.1 -same:0.00029062799515329116 thereby:0.00029062799515329116 appe:0.00021797099636496837 first:0.0001923235303047472 most:0.0001770259530799672 :0.1 -the:0.5 a:0.3 :0.2 -seems:0.0005967006979933053 seemed:0.0003409718274247459 amounting:0.00025572887056855945 are:0.00012786443528427972 diagram:0.00012786443528427972 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Not:0.0017832517937576371 that:6.858660745221681e-05 today:6.096587329085938e-05 essential:6.096587329085938e-05 rider:6.096587329085938e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.010650887573964497 to:0.0054868208714362555 in:0.004518558364712211 with:0.004195804195804196 for:0.0035502958579881655 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00018774470561106222 of:0.00018774470561106222 our:6.705168057537937e-05 our:6.705168057537937e-05 able:6.705168057537937e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -earnest:0.0017528336072135844 honest:0.0016902324069559564 sincere:0.0011894228048949323 frequent:0.0006260120025762801 had:0.0004382084018033961 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -during:0.00043758867134838914 better:0.0002831456108724871 within:0.0001930538255948776 and:0.00015444306047590205 For:0.00012870255039658504 :0.1 -deg:0.0024996000639897617 witness:0.0019996800511918092 deg:0.00039993601023836185 and:0.00023329600597237775 block:0.0001666400042659841 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Rancho:0.0003675204672609372 Cape:0.0002858492523140623 via:0.00024501364484062483 streets:0.00024501364484062483 we:0.0001633424298937499 :0.1 -the:0.014274385408406028 The:0.003965107057890563 A:0.0013217023526301878 tho:0.0013217023526301878 fatal:0.0010573618821041503 :0.1 -the:0.0038182676941314175 driven:0.0038182676941314175 a:0.000499705233734646 his:0.00021695021464611177 tho:0.00018152404861815984 :0.1 -the:0.012505644932809002 general:0.012505644932809002 healthy:0.003018603949298724 of:0.001724916542456414 a:0.0015294790012499527 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -broken:0.0030931487101715817 locked:0.0022683090541258267 healed:0.0018558892261029492 sprung:0.0014434693980800717 broke:0.0014434693980800717 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005603041123514145 cordial:0.005603041123514145 a:0.0029186210222675456 his:0.0006594203806620147 all:0.0004209012214009855 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.005558878622361441 total:0.005558878622361441 wanton:0.003970627587401029 the:0.0023823765524406174 loss:0.0023823765524406174 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.001065955310716294 age:0.001065955310716294 the:0.0007974369840566533 not:0.0007037678003381741 to:0.0004926999063592008 :0.1 -Donna:0.005025042009739611 the:0.003768781507304709 Santa:0.003768781507304709 a:0.0007327615910756567 least:0.00033224514173290287 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -white:0.003943589536338061 battle:0.0007318001201452072 to:0.0004472111845331821 official:0.0004472111845331821 of:0.000419509515911271 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -rural:0.0009742284716634124 mailed:0.0007654652277355383 mail:0.0004871142358317062 Mailed:0.0004871142358317062 Sent:0.0004871142358317062 :0.1 -be:0.0038700824289615385 sense:0.0038700824289615385 not:0.0007469588684933688 have:0.000367155770147074 bo:0.000248347535548334 :0.1 -the:0.5 a:0.3 :0.2 -provided:0.0006168528748113429 acres:0.00023988722909330004 say:0.0002056176249371143 principal:0.0001713480207809286 West:0.00013707841662474285 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -chancery:0.0005366533188717943 in:0.0003577688792478629 equity:0.0003577688792478629 prime:0.0003577688792478629 to:0.00031304776934188 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -by:0.007450568344636546 with:0.00515808577705607 and:0.004011844493265832 liberty:0.004011844493265832 of:0.004011844493265832 :0.1 -primary:0.003969362116143528 Presidential:0.0011142069097946747 the:0.0010445689779325074 gen:0.0010445689779325074 municipal:0.0010445689779325074 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -kind:0.00018565871298423188 top:0.00014440122120995812 same:8.25149835485475e-05 none:8.25149835485475e-05 sight:6.188623766141062e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -good:0.00011189425367060274 good:9.79074719617774e-05 butter:4.89537359808887e-05 unanimous:4.196034512647602e-05 common:3.496695427206335e-05 :0.1 -stomach:0.0009028496954311133 heart:0.0005103063495914987 kidney:0.00031403467667169153 serious:0.00031403467667169153 a:0.0002747803420877301 :0.1 -the:0.5 a:0.3 :0.2 -duly:0.006788750590634798 members:0.004305061350158653 newly:0.0021525306750793264 he:0.0021525306750793264 declared:0.0019869513923809166 :0.1 -the:0.5 a:0.3 :0.2 -proceeds:0.005821950895859894 pro:0.0021170730530399614 the:0.001587804789779971 tbe:0.0013231706581499757 can:0.0013231706581499757 :0.1 -the:0.5 a:0.3 :0.2 -taxable:0.003804783716917 the:0.00038599255099157966 all:0.00038599255099157966 resell:0.00038599255099157966 Personal:0.00038599255099157966 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -witb:0.0003638572379927843 feet:0.00011577275754315864 orer:8.26948268165419e-05 Wben:6.615586145323351e-05 duriug:6.615586145323351e-05 :0.1 -the:6.798811844737142e-05 the:6.798811844737142e-05 of:6.798811844737142e-05 Pan:5.8275530097746935e-05 the:5.8275530097746935e-05 :0.1 -the:0.5 a:0.3 :0.2 -shook:0.002369426566891942 shake:0.002042609109389605 changed:0.0017974960162628524 into:0.0013889741943849314 shaking:0.0012255654656337632 :0.1 -says:0.0007479913377822953 said:0.0005290670437972335 own:0.0003101427498121713 entitled:0.00020068060281964024 follows:0.00016419322048879658 :0.1 -of:0.00228659402588254 inflammation:0.00228659402588254 and:0.0003844129086990937 ground:0.0002518567332856131 is:0.00023860111574426502 :0.1 -the:0.5 a:0.3 :0.2 -especially:0.0010489939386761529 It:0.0005752547405643418 equally:0.0005414162264134982 doubly:0.00023686959905590545 a:0.0001691925707542182 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -grand:0.0007113424876964095 making:0.00023711416256546984 abstraction:0.00010538407225131994 o:0.00010538407225131994 make:0.00010538407225131994 :0.1 -all:0.09000584453535944 of:0.008182349503214495 of:0.006818624586012079 at:0.006818624586012079 the:0.006818624586012079 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -disposition:0.0001918681494291541 accomplishing:0.00012545225154983152 Most:6.641589787932256e-05 Many:6.641589787932256e-05 The:5.903635367050895e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0006121371130190175 more:0.0006121371130190175 forth:0.0006007485155675009 up:0.00039575376144020206 out:0.00037440014121860836 :0.1 -the:0.5 a:0.3 :0.2 -fever:0.0008074127281336088 been:0.0003460340263429752 crisp:0.0003460340263429752 but:0.0003460340263429752 clear:0.0003460340263429752 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0030173801094303186 so:0.0010057933698101062 in:0.0008046346958480849 fact:0.0008046346958480849 by:0.0008046346958480849 :0.1 -tbey:0.00010880434388390059 wbo:7.771738848850042e-05 bave:4.1449273860533564e-05 that:2.5905796162833476e-05 exceedingly:2.5905796162833476e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -young:0.0007774343096538801 colored:0.0001771369313135423 medical:0.0001476141094279519 honest:0.00013777316879942178 armed:8.856846565677115e-05 :0.1 -of:0.024885623986311695 Western:0.024885623986311695 and:0.0047319987365834655 that:0.0033038729917587266 in:0.0023553417134796082 :0.1 -time:0.0023989459815546774 injury:0.0023989459815546774 of:0.0010961791831357048 distance:0.0006366271409749671 time:0.0005017127799736495 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -absolute:0.0005291971771570921 of:0.00038993476211575205 exclusive:0.00038993476211575205 lost:0.00038993476211575205 entire:0.00038993476211575205 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -kill:0.0004948517584624109 marry:0.00044536658261616976 shoot:0.00017319811546184384 survives:0.00014845552753872326 be:0.00014845552753872326 :0.1 -same:0.00011151430713861427 next:0.00011151430713861427 first:7.379476714579435e-05 most:6.792506858416398e-05 United:6.698830854207017e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -last:0.04036676410898887 past:0.006614721849792295 next:0.006614721849792295 previous:0.0016960825255877676 of:0.001526474273028991 :0.1 -the:0.5 a:0.3 :0.2 -highest:0.00019024941084053417 greater:0.00018411233307148467 certain:0.00018411233307148467 same:0.00015342694422623726 high:0.00015342694422623726 :0.1 -the:0.5 a:0.3 :0.2 -eased:0.0002209269943921244 palmed:0.00014728466292808292 stave:0.00014728466292808292 shaved:0.00012887408006207257 warding:0.0001104634971960622 :0.1 -the:0.5 a:0.3 :0.2 -H:0.0005917733304084767 C:0.0005917733304084767 property:0.0005917733304084767 A:0.0005441593842836568 J:0.00042172352281983396 :0.1 -my:0.002176629367071076 don:0.0001433171599717581 body:9.853054748058369e-05 borne:8.957322498234881e-05 up:8.957322498234881e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -confidential:0.0009334261183429464 eminent:0.0007334062358408866 need:0.0006667329416735332 standard:0.0005333863533388266 seeking:0.00040003976500411993 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -two:0.0008760461916826285 Two:0.00012654000546526856 two:0.00012654000546526856 two:5.840307944550857e-05 twoor:4.866923287125714e-05 :0.1 -equal:0.005019555314386251 civil:0.0025097776571931254 constitutional:0.0015237935775815404 treaty:0.000985984079611585 belligerent:0.0005378094979699554 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -on:0.0018622681666159925 On:0.0009643888719975675 A:0.0003491752812404986 i:0.00011639176041349953 District:0.00011639176041349953 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -An:0.0015308931158379 an:0.00036741434780109596 enabling:0.00030617862316758003 is:0.000275560760850822 overt:0.000275560760850822 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Seventeenth:0.021237783629964518 Fourth:0.014531115115238882 Second:0.012295558943663668 Third:0.009501113729194653 Tenth:0.00894222468630085 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -cent:0.007276534292488336 cent:0.0030638039126266677 of:0.0011489264672350005 centum:0.0011489264672350005 por:0.0011489264672350005 :0.1 -the:0.5 a:0.3 :0.2 -for:0.0007323285670518312 attract:0.0007323285670518312 divert:0.00023434514145658598 paid:0.00020505199877451276 call:0.00020505199877451276 :0.1 -the:0.007111626253432588 terrible:0.007111626253432588 finan:0.003047839822899681 a:0.0008697738563507913 this:0.0004580227541811532 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.011083811083811086 wit:0.011083811083811086 that:0.00883838383838384 admitted:0.006333606333606334 into:0.002340977340977341 :0.1 -in:0.0012934774144850016 surrounding:0.000603622793426334 to:0.0004096011812535838 throughout:0.0002802534398050837 In:0.0002586954828970003 :0.1 -chancery:0.00021837796689343886 a:0.00014558531126229258 equity:0.00014558531126229258 prime:0.00014558531126229258 to:0.000127387147354506 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -highly:9.985428076719499e-05 prove:5.5474600426219436e-05 may:4.437968034097555e-05 same:3.328476025573166e-05 valuable:3.328476025573166e-05 :0.1 -a:0.00804111402393127 loam:0.00804111402393127 as:0.002759969199089816 an:0.0017390401536584734 other:0.00045682248812521094 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -as:0.013547057091169169 has:0.007741175480668097 conclusively:0.0006310740880979427 clearly:0.00046278766460515795 plainly:0.0003365728469855694 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.010107816711590297 all:0.010107816711590297 of:0.010107816711590297 by:0.008086253369272236 :0.1 -the:0.5 a:0.3 :0.2 -follow:0.00384926286616113 ow:0.003079410292928904 hav:0.001796322670875194 carry:0.001539705146464452 i:0.001539705146464452 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0027349603215022895 shallow:0.0027349603215022895 a:0.0005293136382475757 this:0.0002808284873352782 his:0.0001973722879305991 :0.1 -the:0.5 a:0.3 :0.2 -secured:0.0013901727285384985 fixed:0.0005663666671823513 foreclosed:0.000514878788347592 cured:0.000514878788347592 executed:0.000514878788347592 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.06069364161849711 and:0.011560693641618497 these:0.009826589595375723 The:0.008092485549132947 other:0.005780346820809248 :0.1 -the:0.5 a:0.3 :0.2 -stomach:0.0005006679226431257 heart:0.0002829862171461145 kidney:0.00017414536439760894 serious:0.00017414536439760894 not:0.00015237719384790784 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0006967210954629786 sufficient:0.0006967210954629786 offer:0.0006193076404115366 facie:0.0005806009128858155 conclusive:0.0005806009128858155 :0.1 -the:0.5 a:0.3 :0.2 -perfect:0.0030750384087131068 the:0.0026357472074683775 ill:0.0026357472074683775 failing:0.001903595205393828 gen:0.0013178736037341887 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.004742610509134549 at:0.004742610509134549 be:0.002045505289790843 a:0.0007447715616840715 make:0.00041563329762856843 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -They:0.015873015873015872 The:0.015873015873015872 some:0.015873015873015872 :0.1 -of:0.013416088464874243 In:0.002100498699045967 from:0.001355160450997398 ot:0.00047430615784908934 upon:0.00047430615784908934 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0011547943428052419 beloved:0.0011547943428052419 in:0.0004908957225033518 and:0.00042529879042140623 on:0.00036835200322938737 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00132370465660586 the:0.00066185232830293 is:0.00066185232830293 be:0.0002854593342625305 a:0.00010393617422409068 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -held:0.0003051768186516723 lowest:0.00021657709710763844 directly:9.844413504892657e-05 largely:7.875530803914125e-05 be:6.89108945342486e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0011558689244639659 undergoes:0.0011558689244639659 and:0.0006862971739004797 a:0.00019505288100329425 in:0.00017338033866959486 :0.1 -from:0.007072570725707256 Marshall:0.007072570725707256 of:0.005535055350553505 to:0.0020756457564575647 in:0.001987787735020207 :0.1 -white:0.005664257114529337 battle:0.0010510992583662687 official:0.0006423384356682753 corn:0.0005839440324257048 coal:0.0005255496291831344 :0.1 -moral:0.00016996385862855202 and:0.00010197831517713121 political:0.00010197831517713121 purely:0.00010197831517713121 parties:6.253387251427858e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -very:5.535697339702022e-05 at:4.884438829148843e-05 swelled:3.907551063319074e-05 riding:3.256292552765895e-05 sounds:3.256292552765895e-05 :0.1 -don:0.0029703540026699807 don:0.000767619573723703 do:0.00046724669704921055 and:0.00036712240482437975 I:0.00030037287667449247 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -degrees:0.0008141639765562374 deg:0.0006920393800728017 dol:0.0004884983859337424 chains:0.0002442491929668712 Price:0.00020354099413905934 :0.1 -the:0.5 a:0.3 :0.2 -as:0.006528705510375572 in:0.005469072678848646 if:0.0036745332061014343 with:0.0023414467406320766 after:0.0020167205503254385 :0.1 -the:0.0004034929980631965 variety:0.0004034929980631965 tract:0.0004034929980631965 uay:0.0003362441650526638 parcel:0.0003362441650526638 :0.1 -the:0.03289473684210526 a:0.007518796992481203 his:0.003132832080200501 The:0.0021929824561403508 balance:0.0018796992481203006 :0.1 -the:0.5 a:0.3 :0.2 -dear:0.0016443354970925434 quaint:0.00022680489615069563 six:0.00022680489615069563 two:0.00014175306009418478 three:0.00014175306009418478 :0.1 -don:0.00030537920601087035 pa:7.830236051560777e-05 didn:6.264188841248622e-05 repot:4.698141630936467e-05 lei:4.698141630936467e-05 :0.1 -American:0.012776637006616472 prominent:0.004867290288234846 average:0.004563084645220168 private:0.003954673359190813 the:0.002433645144117423 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Range:0.0034493012191495684 No:0.0007391359755320504 mess:0.0006570097560284892 daily:0.0005748835365249281 tp:0.000492757317021367 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -wit:0.0013792717127599705 whit:0.0011493930939666423 the:0.0009195144751733136 mm:0.0009195144751733136 win:0.0006896358563799852 :0.1 -Cash:0.0023075730191696657 is:0.001504938925545434 tax:0.001504938925545434 levy:0.0013042804021393762 deemed:0.0010032926170302893 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -New:0.16577637883838478 of:0.006944174284928533 Now:0.006691658856385677 in:0.0036614737138714088 Xew:0.0016413502855285624 :0.1 -the:0.5 a:0.3 :0.2 -is:0.0002964905507510169 usual:0.0002964905507510169 time:0.00018074825019045952 country:0.00017726012606397696 city:0.00017202793987425313 :0.1 -State:0.009070294784580497 a:0.009070294784580497 :0.1 -dangerous:0.0005612601564754498 two:0.0002494489584335333 corrupt:0.0002494489584335333 of:0.0002494489584335333 the:0.0002494489584335333 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0006914831461783686 previ:0.0006914831461783686 mainly:0.0006914831461783686 is:0.0005512609301736156 he:0.0004627579998255451 :0.1 -the:0.003570400655402881 beat:0.003570400655402881 be:0.0015399268848312016 a:0.0005606897017666933 make:0.00031290307213760704 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.008562978550051482 gratis:0.008562978550051482 removal:0.008562978550051482 remov:0.00513778713003089 a:0.0010472787249938098 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.006484810537462375 having:0.006484810537462375 have:0.0011218935079171093 not:0.0009782201891166574 bo:0.0004079612756062216 :0.1 -the:0.5 a:0.3 :0.2 -the:0.01157478479869028 plain:0.01157478479869028 speaks:0.004960622056581549 a:0.0014156319317157706 this:0.0007454715171500149 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -distributed:0.0007498803508615277 contents:0.00023776694051706978 have:0.00010973858793095528 Prominent:0.00010973858793095528 ranked:0.00010973858793095528 :0.1 -the:0.5 a:0.3 :0.2 -satisfy:0.0007631147904562401 the:0.00036338799545535243 rea:0.00021803279727321146 forth:0.00018169399772767622 the:0.00018169399772767622 :0.1 -the:0.5 a:0.3 :0.2 -here:0.0012552301255230125 accumulated:0.0007531380753138075 sat:0.0006694560669456066 lay:0.0006694560669456066 stood:0.000502092050209205 :0.1 -larger:0.00027176366698601135 few:0.00013588183349300568 greater:0.00013588183349300568 great:8.717400711946397e-05 ascertaining:8.492614593312853e-05 :0.1 -by:0.010403260403260402 in:0.009974259974259974 as:0.004075504075504075 without:0.003861003861003861 for:0.0028957528957528956 :0.1 -the:0.008604787859086483 on:0.008604787859086483 a:0.0011261278340883826 his:0.0004889155822894006 tho:0.0004090797332210323 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -restores:0.0001495988063406871 lias:0.0001495988063406871 completely:0.00011219910475551531 he:9.349925396292943e-05 ill:7.479940317034355e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -no:0.047399545109931766 is:0.0008188021228203185 have:0.0005913570887035633 slightest:0.0005913570887035633 uo:0.0005003790750568612 :0.1 -people:0.00015149989834876062 seventy:0.00011362492376157046 doesn:9.468743646797539e-05 exceeding:9.468743646797539e-05 those:9.468743646797539e-05 :0.1 -the:0.5 a:0.3 entitled:0.0004948949462587994 word:0.0002749416368104441 said:0.0002566121943564145 words:0.00020162386699432567 writes:0.00016496498208626645 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -bearing:0.0006091749419188962 single:0.0005414888372612411 solid:0.0005076457849324135 pure:0.00043995968027475837 the:0.0002707444186306206 :0.1 -the:0.5 a:0.3 :0.2 -dry:0.011731432280757598 household:0.0023462864561515197 dress:0.0016619529064406597 stolen:0.0013686670994217198 woolen:0.0011731432280757599 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.011856509321892214 certain:0.011856509321892214 by:0.011083258713942721 in:0.006443755066245768 that:0.0038662530397474606 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0004341412482626128 matter:0.0004341412482626128 singular:0.0004341412482626128 significant:0.0003005593257202704 well:0.0003005593257202704 :0.1 -the:0.5 a:0.3 :0.2 -at:0.0006029098567436667 for:0.0005711777590203159 at:0.000507713563573614 time:0.00047598146585026315 a:0.00041251727040356135 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.011397058823529411 and:0.010661764705882353 three:0.006617647058823529 two:0.004779411764705883 at:0.0033088235294117647 :0.1 -schedule:0.00023733238400379733 Charles:9.493295360151894e-05 a:5.933309600094933e-05 torm:5.933309600094933e-05 pal:4.746647680075947e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 stake:0.00016476769693176112 of:0.0001318141575454089 bacillus:0.0001318141575454089 ten:0.0001318141575454089 bottles:0.0001318141575454089 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -more:0.019687560479946017 will:0.0006907915957875795 impressed:0.0005756596631563162 table:0.0005756596631563162 is:0.000460527730525053 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -highway:0.001850884922747047 assistant:0.001850884922747047 and:0.0013881636920602854 shipping:0.0013881636920602854 on:0.00024273900626190783 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -by:0.0040523499957150376 YORK:0.0040523499957150376 the:0.004003378998787967 through:0.0030362018094783364 a:0.00179968413706982 :0.1 -the:0.5 a:0.3 :0.2 -extensive:0.005287888768352032 private:0.0036053787056945672 usual:0.0021632272234167406 of:0.001442151482277827 medical:0.001442151482277827 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.0009122489847867195 grain:0.0009122489847867195 first:0.0006036821923454565 most:0.0005556647971676748 United:0.0005480015796011018 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -generally:0.0010591703181442476 confidently:0.0006150021202127889 it:0.0005808353357565228 It:0.00041000141347519257 it:0.0002391674911938623 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -he:0.02134608444604836 one:0.007740887766149405 she:0.0032840129916997473 who:0.0032840129916997473 ho:0.0018765788523998556 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -wait:0.0018136823692379248 waited:0.0006635423302089968 in:0.0005308338641671975 waiting:0.0005308338641671975 the:0.00035641702308368973 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.008959489038010658 equal:0.008959489038010658 easements:0.005701493024188601 inalienable:0.0040724950172775715 patent:0.0040724950172775715 :0.1 -our:0.0017869718309859153 of:0.0011707746478873237 by:0.0008626760563380281 purely:0.000801056338028169 several:0.0006161971830985915 :0.1 -the:0.5 a:0.3 :0.2 -and:0.012962962962962963 be:0.008641975308641974 as:0.005185185185185185 it:0.0033333333333333335 the:0.0033333333333333335 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dealer:0.00019395775879074503 were:0.00012122359924421565 bi:9.697887939537251e-05 the:7.273415954652939e-05 rate:7.273415954652939e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -strict:0.0008094479498292323 for:0.0003237791799316929 the:0.00024283438494876968 in:0.00024283438494876968 a:0.00013604727642855892 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0038892180544794373 obvious:0.0038892180544794373 enough:0.0017774941889613053 as:0.0009874967716451697 in:0.000957112255594549 :0.1 -York:0.00024408824187536552 Virginia:0.00011094920085243887 congressional:8.87593606819511e-05 same:6.656952051146332e-05 Ramsey:6.656952051146332e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -been:0.00299869725561525 others:0.00299869725561525 a:0.0007821889239934338 divided:0.0007496743139038125 organization:0.0005997394511230501 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0016302575806977505 oats:0.0016302575806977505 course:0.0015940296344600228 course:0.0008727641593634422 this:0.0003458122140874016 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -herein:0.0018748989817358977 hereinafter:0.0007670041288919581 the:0.0005539474264219698 as:0.0004261134049399768 amply:0.00025566804296398607 :0.1 -step:0.00727201945620604 attitude:0.006506543723973825 malice:0.0013395825314063757 tending:0.001148213598348322 pointing:0.001148213598348322 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0029970424925180195 neat:0.0029970424925180195 brief:0.0029970424925180195 a:0.00036654755374783345 this:0.00019302387497634315 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.007371481337200075 summer:0.007371481337200075 who:0.0019573215599705666 are:0.0016667388073698943 in:0.001653032073756655 :0.1 -the:0.5 a:0.3 :0.2 -was:0.00029026975652448673 upon:0.00029026975652448673 is:0.00014356754696351502 had:0.00011838575743061318 has:0.00011044461218372299 :0.1 -May:0.0010844177510844178 variation:0.0009295009295009294 day:0.0007745841079174412 Oct:0.0007745841079174412 alley:0.0007745841079174412 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0005894350513589673 gas:0.0005894350513589673 serves:0.0004715480410871739 re:0.0004715480410871739 six:0.0003536610308153804 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.0015715130791094953 grew:0.0015715130791094953 part:0.0005171045607352581 as:0.00048074564630856025 and:0.0004282272143588856 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.047619047619047616 the:0.047619047619047616 without:0.017857142857142856 a:0.017857142857142856 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.00011311788308172905 di:0.00011311788308172905 great:7.256995943915431e-05 good:6.86234058854417e-05 prin:6.787072984903743e-05 :0.1 -the:0.5 a:0.3 :0.2 -are:0.001615685310475739 drew:0.001615685310475739 were:0.0011104435292881474 have:0.0009085186677590931 will:0.0007037296237970025 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -commonly:0.0007305578949027506 hope:0.0003876429646422759 recommendation:0.0002236401719090053 what:0.00020873082711507163 and:0.00016400279273327055 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -resulted:0.0003273220469644253 stipulated:0.00016366102348221265 the:0.0001363841862351772 indulged:0.0001363841862351772 inserted:0.0001363841862351772 :0.1 -dead:0.0023143127344967384 my:0.0009918483147843167 legislative:0.0008501556983865571 in:0.0005195395934584516 lifeless:0.0005195395934584516 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Mrs:0.0005621447549936071 Cape:0.00023783047326652608 Sir:0.00018017460095948943 Mrs:0.00018017460095948943 City:7.927682442217536e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mail:0.00024169604274070674 tenth:7.250881282221202e-05 residue:6.0424010685176684e-05 mall:6.0424010685176684e-05 sessions:4.833920854814135e-05 :0.1 -the:0.5 a:0.3 :0.2 -laxative:0.0002442769469495809 few:0.00023264471138055324 excellent:0.00023264471138055324 a:0.00012795459125930427 wonder:0.00011632235569027662 :0.1 -the:0.5 a:0.3 :0.2 -thence:0.027250404264239084 the:0.027250404264239084 per:0.016350242558543452 thenco:0.010181469725100317 thonco:0.0035934599029765826 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -liberty:0.0009099743793621344 I:0.0006066495862414229 of:0.0004549871896810672 temporary:0.0004549871896810672 and:0.0003371911535176841 :0.1 -the:0.5 a:0.3 :0.2 -offense:0.00029896046512328843 purpose:0.00027596350626765085 everything:0.00022996958855637573 nothing:0.00011498479427818787 neither:9.198783542255028e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -witb:0.00018326788280860677 beneath:0.00018326788280860677 drew:0.00018326788280860677 retain:0.0001466143062468854 to:0.00010996072968516405 :0.1 -the:0.006158644153225807 so:0.0057963709677419355 a:0.004709551411290322 be:0.00362273185483871 very:0.0025359122983870967 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.031084924827305974 was:0.024136529865908165 were:0.00987403494514425 not:0.008776919951239335 greatly:0.007314099959366111 :0.1 -twenty:0.0007534273680489476 few:0.0003767136840244738 forty:0.0003767136840244738 the:0.00030137094721957905 great:0.00024167793831571575 :0.1 -the:0.5 a:0.3 :0.2 -And:0.002638002527679527 has:0.0004079385352081743 have:0.0002583610722985104 beast:0.00016317541408326973 had:0.0001223815605624523 :0.1 -rain:0.0010281130824011595 snow:0.0005874931899435197 eye:0.00044061989245763975 shells:0.0003671832437146998 tears:0.0003671832437146998 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -much:0.007698615160349855 far:0.004589559037900874 still:0.0036272321428571425 even:0.002590880102040816 times:0.001480502915451895 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -years:0.00471767654430193 of:0.00471767654430193 Par:0.0041279669762641896 to:0.0035382574082264483 from:0.002948547840188707 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00010550498834889511 make:0.00010550498834889511 to:0.00010504064699809834 largest:7.447410942274949e-05 potassa:6.826793363752037e-05 :0.1 -legislative:0.00013309888636950165 power:9.507063312107261e-05 civil:8.556356980896535e-05 medical:7.605650649685809e-05 constitutional:5.704237987264357e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -scarcely:0.00015121537771441132 Catarrh:7.200732272114826e-05 we:7.200732272114826e-05 to:6.480659044903342e-05 ha:6.480659044903342e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lbs:0.04356435643564357 and:0.03564356435643564 of:0.031683168316831684 the:0.031683168316831684 breakfast:0.011881188118811881 :0.1 -the:0.5 a:0.3 :0.2 -i:0.00025171057034061153 i:2.2882779121873777e-05 di:1.6017945385311643e-05 wit:1.6017945385311643e-05 tl:1.3729667473124266e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -will:0.0007193652636296922 noon:0.0005754922109037538 would:0.0005754922109037538 the:0.00043161915817781536 did:0.00043161915817781536 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00015394201618275892 ventilated:0.00015394201618275892 first:0.0001018713699582958 most:9.376843452204512e-05 United:9.247526655768593e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.001129981283819263 below:0.001129981283819263 a:0.00021970148224625412 least:9.961596103950122e-05 this:7.926183072281672e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.004005340453938584 of:0.004005340453938584 the:0.0024032042723631506 and:0.0016864591385004567 notes:0.0012297097884899162 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0007092552653300318 her:0.0007092552653300318 refused:0.0005910460544416931 goes:0.0003546276326650159 remarks:0.0003546276326650159 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Multitudes:0.000351585750349592 bud:0.000175792875174796 old:0.000131844656381097 as:0.000131844656381097 hour:0.00010714790123458908 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -enough:0.0008282250192881934 water:0.0006625800154305547 of:0.000496935011572916 partially:0.000496935011572916 in:0.00018343238682221733 :0.1 -be:0.04899545109931766 bo:0.003980288097043215 always:0.0021796815769522366 should:0.0013267626990144047 must:0.0009476876421531464 :0.1 -the:0.5 a:0.3 :0.2 -He:0.0061969286359530255 who:0.003762420957542909 She:0.0030984643179765127 and:0.0028771454381210475 she:0.0028771454381210475 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mean:0.0006122846567031254 stories:0.0004174668113884946 piled:0.00027831120759232977 a:0.00019481784531463084 requiem:0.00016698672455539785 :0.1 -I:0.0001340800462374051 he:9.683558894923701e-05 I:8.193780603396978e-05 He:7.448891457633615e-05 never:5.214224020343531e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -said:0.0018928570621864534 one:0.00141964279663984 Tribune:0.00141964279663984 says:0.00141964279663984 doubt:0.0011768240207626994 :0.1 -to:0.007431498128910191 guests:0.007431498128910191 in:0.0034810973192327403 and:0.0019339429551293002 a:0.0014826895989324637 :0.1 -the:0.5 a:0.3 :0.2 -more:0.002028151661390787 of:0.0004536655032058339 not:0.00021348964856745124 a:0.00018680344249651982 none:0.00016011723642558843 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.007776110250857564 without:0.007776110250857564 her:0.0012960183751429273 refused:0.001080015312619106 a:0.0009510423016160003 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.0029543067226890755 that:0.0021664915966386556 the:0.0011817226890756302 In:0.0009847689075630252 on:0.0009847689075630252 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -smell:2.4121372158720977e-05 wended:2.0101143465600815e-05 retrace:2.0101143465600815e-05 blood:2.0101143465600815e-05 welfare:2.0101143465600815e-05 :0.1 -an:0.008799638989169675 low:0.002256317689530686 can:0.002256317689530686 This:0.0018050541516245488 lowest:0.0013537906137184115 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.0006524694725626868 full:0.0006524694725626868 first:0.00043177269386297557 most:0.0003974291264510522 United:0.0003919481496484702 :0.1 -to:0.028104732164304588 of:0.028104732164304588 by:0.02306029305789094 In:0.018736488109536393 a:0.005765073264472735 :0.1 -thereunder:0.0002654486701906452 them:0.00010617946807625809 your:8.494357446100646e-05 bulkhead:8.494357446100646e-05 with:7.432562765338065e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -executive:0.00010474301395490303 physical:4.834292951764755e-05 legal:4.0285774598039625e-05 native:3.22286196784317e-05 same:2.4171464758823775e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0003354074603642039 and:0.00020557231441677016 matrimony:9.737635946057534e-05 Ac:7.573716846933638e-05 and:7.573716846933638e-05 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0006641554050663745 is:0.0005364332117843794 if:0.00033207770253318724 unless:0.00020435550925119216 as:0.00017881107059479313 :0.1 -We:0.0006525156373380073 don:0.00033372937176829383 firmly:0.00017931727438296385 do:0.00013946899118674966 reason:9.46396725910087e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.006754307011650165 be:0.006754307011650165 has:0.0061153860781156906 have:0.005932837239962983 of:0.005440969537162633 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.000751680841882543 rapid:0.000751680841882543 straight:0.000751680841882543 is:0.0003549603975556453 to:0.00032886036832361254 :0.1 -the:0.5 a:0.3 :0.2 -hard:0.004301310887200685 day:0.0024036737310827354 guess:0.0006325457187059831 for:0.0005060365749647865 outdoor:0.0005060365749647865 :0.1 -the:0.5 a:0.3 :0.2 -sundry:0.0034412964632856225 the:0.0005735494105476036 during:0.0005735494105476036 causes:0.0004301620579107028 liberty:0.0004301620579107028 :0.1 -majority:0.00012755410269324664 popular:0.0001020432821545973 few:8.07842650390562e-05 direct:8.07842650390562e-05 electoral:7.653246161594799e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -having:0.005363120226360661 sale:0.001479481441754665 decree:0.0013870138516449983 duly:0.001017143491206332 agreement:0.0007397407208773325 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -carried:0.0042993324821779 broke:0.0028954688145279737 pointed:0.002719985856071733 worn:0.0017548295845624085 cried:0.0016670881053342881 :0.1 -same:0.0011728915518686392 daily:0.0011728915518686392 first:0.0007761628187298727 most:0.0007144261677870104 United:0.0007045734594871309 :0.1 -the:0.5 a:0.3 :0.2 -piece:0.011485569074550537 certain:0.011485569074550537 described:0.008353141145127663 piece:0.007831069823557184 tract:0.0057427845372752685 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -five:0.009075084466869021 amount:0.005596302087902564 nearly:0.004991296456777962 of:0.003781285194528759 sum:0.003781285194528759 :0.1 -following:0.0007043145017435236 dead:0.0003728723832759831 private:0.00033144211846754056 Your:0.00020715132404221283 circular:0.00018643619163799156 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -are:0.005011466453732738 were:0.003444328211508921 have:0.002818005954837838 will:0.0021827996945260305 had:0.0019216099874887274 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -census:5.8332358607262724e-05 strength:3.2406865892923736e-05 judiciously:3.2406865892923736e-05 arrested:2.5925492714338987e-05 body:2.5925492714338987e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -utterly:0.0006525116052237054 the:0.000489383703917779 comparatively:0.000489383703917779 a:0.00036407438180734424 in:0.00024934861730758806 :0.1 -the:0.5 a:0.3 :0.2 -stumbling:0.0016678340099653014 the:0.001250875507473976 granite:0.001250875507473976 he:0.00043400216427808106 it:0.0003119706699516393 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Sir:0.0007298484471381196 the:0.00044732646760078297 Emperor:0.00035315247442167075 Hon:0.00030606547783211465 Prince:0.00025897848124255854 :0.1 -successive:0.0026710523623196362 a:0.0015940151194488155 consecutive:0.000861629794296657 A:0.0003877334074334956 three:0.0003446519177186628 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.00031646852839050207 chief:0.00031646852839050207 great:0.0002030280946158999 good:0.0001919868696448195 man:0.00018905186047529183 :0.1 -Atlanta:0.0010142007658825575 under:0.0010142007658825575 Federal:0.0010142007658825575 say:0.0005071003829412788 the:0.00038032528720595904 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.00010402675233570243 and:6.375833207672084e-05 matrimony:3.0201315194236187e-05 Ac:2.348991181773926e-05 and:2.348991181773926e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -little:0.00011134677161061048 purely:7.158006746396387e-05 could:4.772004497597592e-05 no:3.97667041466466e-05 are:3.97667041466466e-05 :0.1 -the:0.5 a:0.3 :0.2 -committee:0.0030742644726044995 duly:0.0018968865894793722 commissioners:0.0008503284711459255 newly:0.0005886889415625638 heretofore:0.0005232790591667233 :0.1 -primary:0.007265557557619441 minor:0.0058124460460955525 the:0.004359334534571664 utmost:0.004359334534571664 a:0.0005331600781786669 :0.1 -the:0.001284995064856543 Ask:0.001284995064856543 Cookendorfer:0.0009637462986424073 he:0.0006625228028719615 they:0.0003819277483417025 :0.1 -the:0.5 a:0.3 :0.2 -wireless:0.002210329568006567 alarm:0.002210329568006567 the:0.0016577471760049255 postal:0.0016577471760049255 railroad:0.0016577471760049255 :0.1 -So:0.004671103962507209 Bo:0.0001737187424072929 wandered:0.00015441665991759368 have:0.00011581249493819525 that:0.00011581249493819525 :0.1 -ere:0.000863275457386278 tasted:0.0003407666279156361 been:0.00013630665116625443 all:0.00011358887597187868 the:9.087110077750295e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -add:0.0007707120291838082 added:0.0006055594515015635 suffered:0.000440406873819319 thereby:0.000440406873819319 of:0.0003853560145919041 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Among:0.0008730563276280118 acquainting:0.00022333999078856116 names:8.121454210493132e-05 wrapped:5.0759088815582086e-05 married:5.0759088815582086e-05 :0.1 -the:0.5 a:0.3 :0.2 -this:0.013866231647634585 other:0.004893964110929853 no:0.004486133768352365 every:0.0028548123980424145 searching:0.0020391517128874386 :0.1 -the:0.5 a:0.3 :0.2 -of:0.0035564050067892253 thereby:0.0035564050067892253 postal:0.002032231432450986 to:0.0008820448925568516 in:0.0005221705763936561 :0.1 -the:0.004548550302490865 degrees:0.0007134980866652338 degrees:0.0005351235649989253 degrees:0.0003567490433326169 degrees:0.0003567490433326169 :0.1 -the:0.5 a:0.3 :0.2 -wagon:0.0005904025263736012 rail:0.0002558410947618939 plank:0.0002164809263369871 dirt:0.0002164809263369871 Milwaukee:0.000157440673699627 :0.1 -the:0.001181411265984379 wife:0.001181411265984379 dear:0.0010126382279866109 mere:0.0010126382279866109 messenger:0.0008438651899888423 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Cash:0.001694665487768936 and:0.0011052166224580018 tax:0.0011052166224580018 levy:0.0009578544061302681 deemed:0.0007368110816386678 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -candidate:0.00035256702996957096 bidder:0.00026961008174143663 Railway:0.00014517465939923511 next:0.00014517465939923511 Biddeford:0.00012443542234220152 :0.1 -of:0.0041870380535379195 shops:0.0041870380535379195 the:0.000855279114594636 and:0.00048508367693427115 in:0.00044678759717630236 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -their:0.003671071953010279 railroad:0.0016519823788546256 large:0.0016519823788546256 active:0.0012848751835535977 small:0.0012848751835535977 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0004116461932111557 felt:0.0001200634730199204 the:8.575962358565743e-05 America:6.860769886852596e-05 seriously:5.145577415139446e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.02117445913066351 small:0.0023015716446373384 other:0.0020714144801736046 fresh:0.0011507858223186692 its:0.0011507858223186692 :0.1 -the:0.5 a:0.3 :0.2 -when:0.0015626710377482941 of:0.00045960912874949824 water:0.00045960912874949824 in:0.00032453316342998927 abundantly:0.000275765477249699 :0.1 -Immediately:0.00037427936235115905 cash:0.00032749444205726417 made:0.0002807095217633693 the:0.00023392460146947437 On:0.00023392460146947437 :0.1 -the:0.5 a:0.3 :0.2 -renovator:0.00036846186516138106 re:0.00031582445585261236 clerks:0.0002631870465438436 the:0.00021054963723507488 lije:0.00021054963723507488 :0.1 -the:0.5 a:0.3 :0.2 -and:0.0006633126486110305 or:0.0006633126486110305 the:0.00019573160122948442 to:0.00017398364553731949 on:0.00011961375630690714 :0.1 -the:0.0015947509325184095 mill:0.0015947509325184095 suitable:0.001328959110432008 of:0.0004622466471067854 other:0.00020030688041294036 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0017720804642205501 pipe:0.0017720804642205501 is:0.001412729623921631 he:0.0011859210389794435 was:0.0009648063934081896 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Why:0.002090189084888448 and:0.0006270567254665343 folks:0.0006270567254665343 but:0.00012973587423445538 the:0.00010502427914217815 :0.1 -the:0.5 a:0.3 :0.2 -An:0.0010205883913160577 an:0.0002449412139158538 enabling:0.00020411767826321152 the:0.00018370591043689036 overt:0.00018370591043689036 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -time:0.0018856446834993638 to:0.0016225314718482896 resting:0.0016225314718482896 hiding:0.0012717138563135243 polling:0.0011401572504879873 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -census:0.00012626002531535366 strength:7.014445850852982e-05 judiciously:7.014445850852982e-05 arrested:5.611556680682385e-05 body:5.611556680682385e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -be:0.00043632324941823565 imperative:0.000356991749524011 tri:0.0003173259995768987 whoso:0.00019832874973556167 the:0.0001784958747620055 :0.1 -acre:0.0002490363989336714 and:8.301213297789048e-05 exceptionally:8.301213297789048e-05 peace:6.640970638231238e-05 the:4.980727978673429e-05 :0.1 -The:0.001161753757291641 average:0.001161753757291641 Every:0.0009439249277994585 miner:0.0005808768786458205 He:0.00042543095337440375 :0.1 -the:0.5 a:0.3 :0.2 -mortal:0.0016653988773514344 is:0.0009992393264108607 circulation:0.0009992393264108607 the:0.0008326994386757172 mangled:0.0006661595509405738 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.003202830496805775 He:7.768059040760276e-05 native:7.768059040760276e-05 waa:7.170516037624869e-05 foreign:6.572973034489464e-05 :0.1 -the:0.007316528191040392 dated:0.007316528191040392 a:0.0009575304097848647 his:0.00041571793511235893 tho:0.0003478346531616549 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.002388478535917635 greater:0.002003240062382532 fullest:0.001772096978261471 vast:0.0008475246417772252 the:0.0007704769470702047 :0.1 -the:0.5 a:0.3 :0.2 -agricultural:0.012157734119003755 described:0.004479165201738226 native:0.003519344087080034 rich:0.003519344087080034 parcel:0.0025595229724218434 :0.1 -the:0.5 a:0.3 :0.2 -he:0.0025539443260669125 the:0.001702629550711275 positive:0.001702629550711275 a:0.0008868987912626961 his:0.0002003820071469068 :0.1 -absolutely:0.0014025855523446755 deemed:0.0007012927761723377 the:0.0006451893540785507 may:0.0006451893540785507 deem:0.0005890859319847637 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -dull:0.000262133013780707 Page:0.0001872378669862193 grave:0.0001872378669862193 a:0.0001872378669862193 stomach:0.0001872378669862193 :0.1 -the:0.5 a:0.3 :0.2 -that:0.0005164716907780693 Confirmation:0.00018780788755566157 Howard:0.00018780788755566157 A:0.00014085591566674618 Vechten:0.00014085591566674618 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.02685421994884911 Miss:0.017007672634271102 Mrs:0.007161125319693095 Osborn:0.0035805626598465474 The:0.0026854219948849105 :0.1 -BE:0.006863149481723312 the:0.005719291234769427 AND:0.005719291234769427 WHOM:0.003431574740861656 a:0.0011119978531235843 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -to:0.000518940358512551 nearer:0.00044480602158218657 the:0.00037067168465182215 returning:0.00037067168465182215 to:0.00029653734772145773 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lavor:0.00011376133962869688 labor:9.100907170295749e-05 acc:9.100907170295749e-05 na:9.100907170295749e-05 southward:9.100907170295749e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -mankind:0.00010622751302303746 apparently:8.498201041842997e-05 contributions:8.498201041842997e-05 remains:8.498201041842997e-05 furniture:8.498201041842997e-05 :0.1 -This:0.00011762522726476327 His:5.041081168489854e-05 definite:3.360720778993236e-05 original:3.360720778993236e-05 feasible:2.3525045452952653e-05 :0.1 -the:0.5 a:0.3 :0.2 -vegetable:0.000840725583524925 coloring:0.000726081185771526 As:0.0004967923902647284 offensive:0.0003821479925113295 morbid:0.0003057183940090636 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0006574018759466064 To:0.0006574018759466064 order:0.0002817436611199742 a:0.00017473133274617492 that:0.00015447676192988362 :0.1 -powerful:0.004262295081967213 undue:0.00331511839708561 political:0.00331511839708561 under:0.0023679417122040073 moral:0.0018943533697632058 :0.1 -the:0.5 a:0.3 :0.2 -their:0.026418106444885032 of:0.011741380642171126 important:0.011741380642171126 his:0.011741380642171126 and:0.010505445837732061 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -can:0.0003394157297758512 jury:0.00030855975434168295 it:0.00030855975434168295 may:0.0002622757911904305 afterward:0.00015427987717084147 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.005817059630558072 the:0.000797500110641026 such:0.000656764796998492 in:0.00046911771214178 in:0.000375294169713424 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -thickly:0.0015595199820771584 sparsely:0.0007797599910385792 adjacent:0.0003898799955192896 thinly:0.0003898799955192896 of:0.0002924099966394672 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Washington:0.0008404972259343483 Your:0.00035020717747264514 Paris:0.00031518645972538066 Herald:0.00014008287098905806 few:0.00010506215324179354 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -unpaid:0.01347844304908577 delinquent:0.0049420957846647824 the:0.001797125739878103 poll:0.001797125739878103 de:0.001347844304908577 :0.1 -the:0.5 a:0.3 :0.2 -ono:6.326691608932351e-05 undor:5.975208741769443e-05 boforo:5.975208741769443e-05 whenco:4.2177944059549007e-05 nof:2.460380070140359e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.02619047619047619 against:0.014550264550264551 into:0.014550264550264551 abolishing:0.01164021164021164 African:0.01164021164021164 :0.1 -disposition:0.0010362032707342224 accomplishing:0.0006775175231723762 Most:0.00035868574756184617 Many:0.00035868574756184617 to:0.00031883177561052995 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -not:0.0020455568466843854 life:0.001730855793348326 untruth:0.0015735052666802963 done:0.0007867526333401482 the:0.0006294021066721186 :0.1 -the:0.5 a:0.3 :0.2 -sit:0.00043792621312117635 cough:0.00040423958134262435 he:0.0003368663177855203 There:0.0002358064224498642 there:0.00020211979067131218 :0.1 -none:0.00103965755316211 altogether:0.0006931050354414066 entirely:0.0006683512841756421 proved:0.0003960600202522324 of:0.0001980300101261162 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -trying:9.990253103711099e-05 will:8.1738434484909e-05 tried:7.2656386208808e-05 you:6.3574337932707e-05 try:4.5410241380505e-05 :0.1 -of:0.0015124193526386861 he:0.0015124193526386861 hundred:0.0002267974301965545 or:0.00013395714266228363 to:0.0001266242003464597 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -intimate:0.0009092531519822635 relatives:0.00031474147568616814 Jimmy:0.00020982765045744542 closest:0.00020982765045744542 the:0.0001748563753812045 :0.1 -the:0.5 a:0.3 :0.2 -beside:0.0004104284586276448 kill:0.0004104284586276448 marry:0.00036938561276488036 loved:0.00036938561276488036 kissed:0.0002462570751765869 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.0002880761650919751 cock:0.0002880761650919751 the:0.00021984312185400578 not:0.00017066768670245187 to:0.00012600141774991587 :0.1 -o:0.003934371337686255 the:0.000502260170768458 arrested:0.000502260170768458 took:0.00041855014230704837 of:0.00033484011384563874 :0.1 -have:0.000941574976608672 No:0.000941574976608672 are:0.0006602868546658297 do:0.00021762817855577795 were:0.00019764191725983916 :0.1 -postmaster:0.0020683485417784934 a:0.0006083378064054393 duplicate:0.0006083378064054393 the:0.0005278225084988371 direct:0.00048667024512435145 :0.1 -of:0.001274288451012589 relatively:0.001274288451012589 comparatively:0.001274288451012589 to:0.00044471811713191016 and:0.00022235905856595508 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -summer:0.0006888953992182651 few:0.00025380356813304504 final:0.00025380356813304504 great:0.00016282584276811578 good:0.00015397092658269964 :0.1 -t:0.00217415867605566 oft:9.545086870488263e-05 pul:5.3028260391601464e-05 in:4.242260831328117e-05 wiil:4.242260831328117e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -devise:9.585697607650497e-05 of:3.195232535883498e-05 lungs:2.6626937799029156e-05 inserted:2.6626937799029156e-05 health:2.6626937799029156e-05 :0.1 -a:0.0643805019051373 of:0.018394429115753515 the:0.011824990145841546 with:0.01051110235185915 good:0.007883326763894364 :0.1 -the:0.5 a:0.3 :0.2 -the:0.00133374725355994 iu:0.00133374725355994 a:0.0002581282827886659 this:0.00013695051469671062 his:9.6251760907332e-05 :0.1 -the:0.5 a:0.3 :0.2 -to:0.011816838995568686 Thousands:0.011816838995568686 for:0.0020235079074720267 of:0.0008999579367486085 in:0.0006260576951294669 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 avenue:0.0019243937101330278 the:0.0014432952825997709 loyal:0.0014432952825997709 a:0.00027932978445508616 this:0.00014819901693052668 :0.1 -don:0.001494179585156108 pa:0.0003831229705528482 didn:0.00030649837644227855 repot:0.00022987378233170892 lei:0.00022987378233170892 :0.1 -immediately:0.000908619232599244 had:0.0007788164850850663 the:0.0005624785725614367 will:0.0005624785725614367 he:0.00038940824254253315 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -flour:0.004268961444360077 candles:0.004083354425040074 of:0.0018560701932000337 candles:0.0018560701932000337 flour:0.0016704631738800302 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -five:0.0004892367906066536 exceeding:0.00046477495107632094 more:0.0004403131115459882 the:0.0002690802348336595 of:0.00017123287671232877 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -for:0.0006389433702209032 and:0.00043927356702687094 declining:0.0003594056457492581 for:0.0003194716851104516 for:0.0003194716851104516 :0.1 -the:0.5 a:0.3 :0.2 -new:0.0002677252455352329 fair:0.0001503018922303062 second:4.6969341321970684e-05 impartial:3.757547305757655e-05 awaiting:3.757547305757655e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -would:0.020339161678516574 seemed:0.0016949301398763812 to:0.0013867610235352209 seems:0.0013867610235352209 seem:0.0010785919071940608 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -weekly:0.0013172761660823753 waste:0.0010977301384019792 tissue:0.0007684110968813856 irredeemable:0.00043909205536079166 read:0.00043909205536079166 :0.1 -have:0.0035687732342007433 Mrs:0.002973977695167286 be:0.002973977695167286 J:0.0026022304832713757 J:0.0022304832713754648 :0.1 -lavor:2.890826851261834e-05 labor:2.3126614810094672e-05 acc:2.3126614810094672e-05 na:2.3126614810094672e-05 southward:2.3126614810094672e-05 :0.1 -the:0.5 a:0.3 :0.2 -w:0.008517984706166886 sh:0.0004234085965053716 v:0.00037359582044591607 v:0.0002739702683270051 seriously:0.0002490638802972774 :0.1 -of:0.021602160216021602 to:0.004629034332004629 and:0.004629034332004629 The:0.004114697184004115 the:0.004114697184004115 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 square:0.0005091622461240878 lineal:0.0001875860906772955 about:0.0001875860906772955 linear:0.00016078807772339614 cubic:0.00010719205181559744 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.005057955742887249 the:0.005057955742887249 to:0.0029504741833508955 is:0.0025289778714436247 and:0.0025289778714436247 :0.1 -the:0.5 a:0.3 :0.2 -all:0.04259173959772762 was:0.01925380009212345 is:0.01575310916628282 are:0.008168278826961462 to:0.007001381851681253 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.000293097434307418 I:0.000293097434307418 day:0.00027129679869777537 to:0.0001840942562592047 time:0.00018167196341368886 :0.1 -Any:0.0048851112147095055 auy:0.000747134656367336 by:0.0005747189664364123 that:0.0005172470697927711 for:0.0004597751731491299 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 being:0.0014414633230547588 system:0.0011211381401537012 me:0.0009609755487031724 country:0.0009609755487031724 man:0.0008008129572526438 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.0004019006455672655 enjoy:0.0004019006455672655 are:0.00020362966042074786 in:0.00020362966042074786 a:0.00013396688185575518 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -same:0.00033856663352909176 Muscular:0.00033856663352909176 first:0.00022404699922099418 most:0.00020622611028903396 United:0.00020338202954267695 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00026463633242669533 highest:0.0002023689600910023 proportions:0.00012453474467138603 get:0.00010896790158746278 a:9.340105850353953e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 and:0.009080717488789237 I:0.009080717488789237 locking:0.002017937219730942 but:0.002017937219730942 as:0.002017937219730942 :0.1 -is:0.0029558162064668428 too:0.0029558162064668428 was:0.0017254812440935423 are:0.0012157441498891488 sufficiently:0.0007389540516167107 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -declare:0.00024450169362148755 over:0.00015046258069014617 until:0.0001316547581038779 throughout:0.00011284693551760964 up:0.00011284693551760964 :0.1 -enough:0.0003525940250733529 will:0.0003525940250733529 that:0.0002938283542277941 Please:0.0002350626833822353 the:0.00017629701253667646 :0.1 -the:0.5 a:0.3 :0.2 -English:0.0017217630853994493 and:0.0005937114087584308 tho:0.0005937114087584308 expenditure:0.0004749691270067446 to:0.0004749691270067446 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ingenuity:0.00010482676339049765 if:4.492575573878471e-05 all:3.7438129782320595e-05 if:3.7438129782320595e-05 no:3.7438129782320595e-05 :0.1 -the:0.5 a:0.3 :0.2 -of:0.002909396678578937 knows:0.002909396678578937 stockholder:0.002493768581639088 of:0.0016625123877593924 they:0.001246884290819544 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.009452781868427313 of:0.009452781868427313 a:0.0011561044191511656 throughout:0.00030875920675767606 against:0.00028500849854554714 :0.1 -the:0.5 a:0.3 :0.2 -successfully:0.00027605872718072783 faithfully:0.00019718480512909131 experiments:0.00019718480512909131 bride:0.00019718480512909131 the:0.00015774784410327306 :0.1 -beg:0.0006582659849423349 Returning:0.0003464557815485973 trains:0.00020787346892915838 begs:0.00010393673446457919 NORTHWEST:8.661394538714932e-05 :0.1 -The:0.009521127935594209 motor:0.009521127935594209 I:0.0022942476953239062 It:0.0020648229257915155 He:0.0018353981562591248 :0.1 -bond:0.0029162736594903326 paramount:0.0003240304066100369 dominant:0.0002314502904357407 thereupon:0.00018516023234859254 to:0.00013887017426144442 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -patient:0.0006079185736493352 greed:0.0003473820420853344 when:0.0003039592868246676 Rheumatism:0.0002605365315640008 when:0.00021711377630333401 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -second:0.007525817594624228 third:0.006773235835161805 on:0.006773235835161805 ground:0.005518932902724434 fourth:0.003762908797312114 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -ball:0.0017974760628935514 railroads:0.0011983173752623676 every:0.0007988782501749119 the:0.0005991586876311838 bullet:0.0005991586876311838 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0018545194603367884 to:0.0018545194603367884 starting:0.0015272513202773553 at:0.0014181619402575442 initial:0.0009818044201782997 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -then:0.003768198686839852 and:0.0030145589494718814 had:0.0030145589494718814 family:0.0016014844419069368 she:0.0016014844419069368 :0.1 -the:0.5 a:0.3 :0.2 -ono:0.00016569906594822827 undor:0.0001564935622844378 boforo:0.0001564935622844378 whenco:0.0001104660439654855 nof:6.443852564653321e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.04092664092664093 Tyler:0.04092664092664093 for:0.04092664092664093 of:0.04092664092664093 or:0.007722007722007721 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -young:0.00025791332554179504 colored:6.98515256675695e-05 honest:5.910513710332803e-05 laboring:4.298555425696585e-05 same:3.761235997484511e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -statute:0.0004342941686393593 home:0.00011844386417437073 desig:9.870322014530894e-05 of:7.896257611624716e-05 Minerals:7.896257611624716e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Flour:0.002008389616458781 meat:0.00179698018314733 hog:0.0010570471665572532 spot:0.0009513424499015278 leaf:0.0009513424499015278 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -good:0.014908699288553796 abiding:0.001287081952968673 religious:0.0010725682941405607 in:0.0007507978058983926 been:0.0005362841470702804 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -in:0.0012228735760362545 incorporated:0.00021018139588123124 for:0.00017196659663009829 between:0.00011464439775339884 county:0.00011464439775339884 :0.1 -the:0.5 a:0.3 :0.2 -before:0.0068376889572124 County:0.0014652190622598 Circuit:0.0011396148262020668 District:0.0009768127081732 and:0.0005698074131010334 :0.1 -conditions:0.02142857142857143 the:0.02142857142857143 be:0.014285714285714285 conditions:0.007142857142857143 :0.1 -the:0.5 a:0.3 :0.2 -the:0.018814448531628777 a:0.0072363263583187605 in:0.005065428450823132 is:0.0036181631791593802 and:0.0029548332629801602 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -day:0.011163323454555186 of:0.0019414475573139457 June:0.0019414475573139457 th:0.0014560856679854592 seller:0.0014560856679854592 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0005323430886286323 wife:0.00014195815696763529 wedding:0.00014195815696763529 splendid:0.00014195815696763529 gracious:0.00010646861772572644 :0.1 -Section:0.00238028807589021 Lot:0.0015301851916437066 Sec:0.001360164614794406 county:0.000680082307397203 The:0.0005100617305479021 :0.1 -the:0.5 a:0.3 :0.2 -Now:0.00010384102724081739 don:9.345692451673565e-05 Don:6.74966677065313e-05 wouldn:5.1920513620408694e-05 won:5.1920513620408694e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -finally:6.085284916057266e-05 jury:4.259699441240086e-05 team:3.65117094963436e-05 ointment:3.042642458028633e-05 Jesus:3.042642458028633e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Minnesota:0.0025557262118440114 short:0.0017546776976839482 perfectly:0.0008391936815010187 the:0.00022887100404573237 equally:0.00022887100404573237 :0.1 -And:0.0018880913987858023 has:0.000291972896719454 have:0.00018491616792232088 beast:0.0001167891586877816 had:8.75918690158362e-05 :0.1 -the:0.5 a:0.3 :0.2 -be:0.01193771626297578 at:0.0034602076124567475 are:0.0034602076124567475 had:0.0029411764705882353 been:0.002768166089965398 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -t:0.009144808035237992 w:0.008047431071009433 i:0.002072823154653945 straw:0.0018289616070475984 T:0.001585100059441252 :0.1 -the:0.5 a:0.3 :0.2 -Pacific:0.0025209355246073014 Ohio:0.0012604677623036507 Central:0.0008155967873729504 elevated:0.0007414516248845003 Pennsylvania:0.0006673064623960504 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.08327505281296639 to:0.02341434926494445 a:0.023252125136088018 two:0.013518677404702337 one:0.009625298312148065 :0.1 -dare:0.00026598979611912094 truthfully:0.00010836621323371596 I:6.89603175123647e-05 want:5.910884358202688e-05 WOMEN:4.925736965168907e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -raw:0.008640122500952849 the:0.00540007656309553 waste:0.00540007656309553 a:0.000660446042788889 this:0.00034779076572314077 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -two:0.0011649603372071258 and:0.0010921503161316804 Ten:0.0010921503161316804 a:0.0005096701475281175 the:0.00036405010537722673 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -few:0.00011122832927855795 re:0.00011122832927855795 great:7.13577298683874e-05 good:6.747710068554943e-05 man:6.644554102935201e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -health:0.0034037156150307046 double:0.0015600363235557396 physical:0.0011345718716769015 add:0.0011345718716769015 vital:0.0009927503877172888 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -tell:0.010875077172726101 thank:0.002057447032677911 assure:0.001469605023341365 the:0.0011756840186730921 please:0.0011756840186730921 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -vital:0.0029793874678940933 fundamental:0.0014301059845891648 moral:0.0011917549871576375 broad:0.0010725794884418735 cardinal:0.0007150529922945824 :0.1 -when:0.0003697787244113123 for:0.00029582297952904983 do:0.00029582297952904983 and:0.00028190189813944745 on:0.0002523196001865425 :0.1 -On:0.013185859577247865 District:0.0015913968455299149 choice:0.0011367120325213678 rotary:0.0011367120325213678 rapid:0.0011367120325213678 :0.1 -the:0.5 a:0.3 :0.2 -not:0.005131768079975251 don:0.005131768079975251 naturally:0.003421178719983501 patient:0.002280785813322334 Well:0.002280785813322334 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lbs:8.204051305438548e-05 docu:5.742835913806983e-05 and:5.742835913806983e-05 sec:4.922430783263128e-05 her:4.922430783263128e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -membrane:9.659764604895261e-05 and:9.659764604895261e-05 be:8.586457426573566e-05 as:8.586457426573566e-05 neither:5.366535891608478e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.016749407018987156 first:0.016749407018987156 due:0.009282803890041075 a:0.008724756852305851 periodical:0.002421601014793324 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -radical:0.008001087238537664 important:0.006000815428903248 sudden:0.005334058159025109 proposed:0.004000543619268832 slight:0.0026670290795125545 :0.1 -the:0.5 a:0.3 :0.2 -thou:0.007032534129249545 culinary:0.001406506825849909 he:0.001406506825849909 of:0.0010548801193874318 Thou:0.0010548801193874318 :0.1 -the:0.5 a:0.3 :0.2 -Vice:0.0012522436955322881 elected:0.00032465577291577845 the:0.00021643718194385228 late:0.00021643718194385228 which:9.275879226165097e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -artificial:0.0038256463742581924 the:0.0028692347806936443 ample:0.0028692347806936443 limited:0.0028692347806936443 with:0.0014346173903468222 :0.1 -the:0.5 a:0.3 :0.2 -records:0.000861862580799617 statistics:0.0007182188173330142 figures:0.000622456308355279 facts:0.0005745750538664114 returns:0.0004309312903998085 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -will:0.011982570806100218 win:0.007080610021786493 may:0.0065359477124183 would:0.0065359477124183 can:0.0038126361655773417 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -has:0.013111888111888114 have:0.009718222953517073 been:0.003933566433566434 which:0.0036250514191690664 The:0.001928218839983546 :0.1 -the:0.5 a:0.3 :0.2 -marked:0.005148720706821437 whence:0.0041746384109363 T:0.004035483797238424 scribed:0.001809009978072397 the:0.0013915461369787669 :0.1 -snug:0.00017304010412892725 with:0.0001384320833031418 have:0.00012112807289024908 head:0.00010382406247735634 cute:0.00010382406247735634 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:0.0001128416354449079 stomach:8.77657164571506e-05 not:7.522775696327193e-05 teke:6.268979746939328e-05 of:6.268979746939328e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -avail:0.0038724070766794397 bind:0.0010326418871145174 availed:0.0007099412973912306 availing:0.000580861061501916 and:0.0005163209435572587 :0.1 -Bay:0.005565695182160528 Fourteenth:0.0013026095107184213 Loaf:0.001184190464289474 County:0.001184190464289474 Calais:0.0008289333250026318 :0.1 -the:0.5 a:0.3 :0.2 -of:0.022685185185185187 for:0.019444444444444445 their:0.012962962962962963 the:0.009722222222222222 to:0.005324074074074075 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -than:0.0008039791258969342 acre:0.0004297129810828441 or:0.00034654272667971296 with:0.00031881930854533595 and:0.00011089367253750814 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Section:0.0008505925559527521 block:0.0007732659599570473 Lot:0.000734602661959195 March:0.0006572760659634901 January:0.00038663297997852366 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -who:0.0002858297418124291 time:0.00016333128103567378 that:0.00014291487090621456 me:0.00012249846077675534 who:0.00012249846077675534 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -At:0.0002741731921490141 entire:0.00020936861945924711 same:0.00017945881667935466 full:0.00017945881667935466 reasonable:5.4834638429802816e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -would:0.00999007197815835 will:0.008252668155869941 not:0.007818317200297839 to:0.004777860511293124 for:0.00409530900967982 :0.1 -the:0.5 a:0.3 :0.2 -wi:0.0008103165928504745 tin:0.0006752638273753954 w:0.00040515829642523725 w:0.0003376319136876977 win:0.0002701055309501581 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.1642643812491884 to:0.043803834999783575 of:0.043803834999783575 not:0.03285287624983768 a:0.03285287624983768 :0.1 -rheumatism:0.0007141181140637851 few:0.0004760787427091901 viz:0.0004760787427091901 great:0.00030542487277000595 good:0.00028881502998742416 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -grand:0.000923804228305561 witness:0.000532963977868593 can:0.00031977838672115575 couldn:0.00024871652300534336 speakers:0.00021318559114743717 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -contained:0.0025715881528765036 mortgage:0.0018980769699802763 trust:0.0009796526296672395 the:0.0006122828935420246 thereafter:0.0006122828935420246 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Mr:0.008281573498964802 and:0.005175983436853002 Senator:0.004140786749482401 Mrs:0.004140786749482401 The:0.003105590062111801 :0.1 -will:0.0003420447864892309 seems:0.00014251866103717954 there:0.00014251866103717954 began:0.00011401492882974364 even:0.00011401492882974364 :0.1 -the:0.5 a:0.3 :0.2 -the:0.002586324931483815 railway:0.002586324931483815 rural:0.0015805319025734427 registered:0.00114947774732614 he:0.000897347986337232 :0.1 -the:0.5 a:0.3 :0.2 -ha:0.0013222664939333381 own:0.0003051384216769241 preset:0.0003051384216769241 ven:0.0003051384216769241 gi:0.0003051384216769241 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -equal:0.0068405043824966115 regular:0.0017101260956241529 the:0.0006840504382496611 average:0.0006840504382496611 concern:0.0005985441334684535 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -A:0.0001736355468796245 amidst:0.0001736355468796245 like:0.0001302266601597184 relief:8.681777343981226e-05 of:8.681777343981226e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -among:0.004224990616878127 the:0.0015363602243193188 Among:0.0015363602243193188 of:0.0015363602243193188 all:0.0011522701682394893 :0.1 -exceeding:0.0010078951789013943 seventy:0.0009407021669746347 to:0.000873509155047875 four:0.0006047371073408366 less:0.0005039475894506972 :0.1 -Township:0.013032935946655888 Section:0.0048494645382905635 April:0.0048494645382905635 Book:0.004243281471004243 and:0.0021216407355021216 :0.1 -the:0.5 a:0.3 :0.2 -feet:0.020744739887748193 inches:0.0032139737854257762 a:0.0008765383051161208 yard:0.0008765383051161208 inch:0.0008765383051161208 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -appellate:0.007962812290609744 civil:0.005791136211352541 competent:0.004343352158514406 within:0.0028955681056762705 day:0.0028955681056762705 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -fiscal:0.0029132417057426726 Last:0.0009710805685808908 ensuing:0.0002938796457547433 the:0.00019166063853570214 within:0.000178883262633322 :0.1 -genuine:0.0019380413346536847 An:0.0019380413346536847 recent:0.0012458837151345114 editorial:0.0009690206673268423 fifth:0.0008305891434230077 :0.1 -the:0.0016983154485629105 petitioners:0.0016983154485629105 a:0.00045139652411779383 that:0.00039907137601597614 to:0.00031665312630630544 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.06766134628730049 tho:0.0036649895905621096 and:0.0031011450381679393 of:0.0031011450381679393 to:0.0028192227619708537 :0.1 -part:0.0005908070424199456 which:0.00044310528181495923 as:0.00044310528181495923 to:0.00044310528181495923 pri:0.00044310528181495923 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.003642191142191142 at:0.003642191142191142 act:0.002428127428127428 elect:0.002185314685314685 t:0.0016996891996891995 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.00011691638056949969 and:0.00011691638056949969 It:0.00011691638056949969 but:8.768728542712475e-05 and:8.768728542712475e-05 :0.1 -same:0.00019072462181934734 own:0.00019072462181934734 first:0.00012621231676249037 most:0.00011617328170872849 United:0.00011457112670863744 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Fort:0.0007327136472313079 E:0.000468936734228037 Mr:0.0003810110965602801 A:0.00033653106809306184 Ann:0.00019309159644683875 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -cents:5.4935599592285187e-05 dollars:5.4935599592285187e-05 STYLES:4.3948479673828144e-05 ac:4.3948479673828144e-05 one:4.3948479673828144e-05 :0.1 -still:0.0016453050179233361 add:0.0005722800062342039 Still:0.0003576750038963774 There:0.00028614000311710195 nthat:0.0002503725027274642 :0.1 -Rev:0.012910336890846853 Heavenly:0.004918223577465467 the:0.003073889735915917 Great:0.003073889735915917 Holy:0.0018443338415495504 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -stiff:0.0005344693445460524 the:0.00040085200840953933 fertile:0.00040085200840953933 be:0.00017288893997213848 a:6.294912384906104e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Miss:0.006862745098039216 Mrs:0.00522875816993464 of:0.004901960784313725 and:0.002287581699346405 to:0.002287581699346405 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 the:0.0007302438560449995 a:8.931107908576653e-05 this:4.703119796377904e-05 his:4.1296400870979226e-05 tho:3.5838411133595645e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.02661290322580645 high:0.021774193548387097 for:0.016935483870967744 such:0.014516129032258067 all:0.014516129032258067 :0.1 -important:0.0037538588186869725 the:0.0016423132331755505 at:0.0014076970570076146 Important:0.0014076970570076146 to:0.001173080880839679 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -sit:0.00016504579242221826 cough:0.0001523499622358938 he:0.00012695830186324484 There:8.887081130427139e-05 there:7.61749811179469e-05 :0.1 -and:0.00016788194347204389 but:0.00010862949283485193 If:5.925245063719196e-05 nIt:5.925245063719196e-05 for:4.937704219765996e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0023649284638554216 Tre:0.0023649284638554216 Tie:0.0023649284638554216 it:0.0004588667168674699 a:0.0004588667168674699 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -tho:0.004313000616142946 tbe:0.0037738755391250774 whole:0.003234750462107209 in:0.003234750462107209 that:0.003234750462107209 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -legs:0.005876841836300145 legs:0.0030661783493739886 quarters:0.0015330891746869943 feet:0.0015330891746869943 legs:0.0012775743122391621 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -loud:0.00022395947137525185 this:0.0001493063142501679 rallying:0.0001493063142501679 child:0.0001493063142501679 of:0.00011197973568762592 :0.1 -the:0.5 a:0.3 :0.2 -years:0.004164935018752086 of:0.0009718181710421534 advanced:0.0009718181710421534 ago:0.0008410690251322129 ago:0.00039539044604496406 :0.1 -be:0.010880696364567332 been:0.006080389144905274 which:0.004480286738351254 and:0.0032002048131080387 that:0.0028801843317972347 :0.1 -the:0.5 a:0.3 :0.2 -acre:0.0003868464423995379 of:0.00012894881413317931 exceptionally:0.00012894881413317931 peace:0.00010315905130654345 the:7.736928847990759e-05 :0.1 -the:0.5 a:0.3 :0.2 -for:0.0016672961743916257 community:0.0016672961743916257 year:0.0016672961743916257 bidders:0.0016672961743916257 why:0.000639399989208439 :0.1 -the:0.5 a:0.3 :0.2 -On:0.0010191244566244567 District:0.00012299777924777925 choice:8.785555660555661e-05 rotary:8.785555660555661e-05 rapid:8.785555660555661e-05 :0.1 -the:0.5 a:0.3 :0.2 -wild:0.0036959204890564903 race:0.002217552293433894 saddle:0.0019711575941634613 draft:0.0019711575941634613 carriage:0.0012319734963521635 :0.1 -After:0.00181799400888338 Before:0.0012395413696932136 away:0.0012395413696932136 died:0.0011569052783803326 claimed:0.000991633095754571 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.005459760830579897 His:0.005459760830579897 My:0.0029296277627501883 and:0.0013982314322216808 beloved:0.001065319186454614 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -been:0.0009609073485783296 back:0.0009609073485783296 Here:0.00014177321536401586 again:0.0001260206358791252 con:0.00011026805639423455 :0.1 -the:0.5 a:0.3 :0.2 -And:0.0011544903775053653 road:0.0006157282013361947 Having:0.00038483012583512174 kidneys:0.00030786410066809737 water:0.00030786410066809737 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -t:0.00233306283329469 in:0.0019997681428240203 i:0.0008887858412551203 s:0.0007776876110982301 with:0.0007776876110982301 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -a:0.05342080599812559 per:0.028819119025304592 one:0.014526710402999063 every:0.004686035613870665 half:0.003983130271790066 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0031371163520775903 published:0.0031371163520775903 he:0.0010884498723164571 it:0.000782402632577127 they:0.000630383312803325 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 not:0.00043156939434047973 count:0.00043156939434047973 the:0.0003104815786622156 Count:0.00025894163660428784 to:0.00023570726513439871 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -connect:0.00010420543356903611 proceed:8.683786130753008e-05 Annex:6.947028904602406e-05 a:5.2102716784518055e-05 guide:5.2102716784518055e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -was:0.0016200756450705043 king:0.0016200756450705043 had:0.0007518812609173367 is:0.0007020327795305519 has:0.000494330773752282 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.027895485460109094 a:0.003219234507865891 this:0.0018824337376503937 said:0.0017460254957916694 his:0.00163689890230469 :0.1 -the:0.5 a:0.3 :0.2 -lord:0.00038676776943422347 assistant:0.00038676776943422347 the:0.0003223064745285196 Pierce:0.0003223064745285196 was:0.0003223064745285196 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -lam:0.0012089515195872421 I:0.0010362441596462077 I:0.0008635367997051729 have:0.0005181220798231038 sorry:0.0005181220798231038 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -without:0.0014139311344332367 due:0.0005179747720200965 With:0.0004759768175319806 with:0.00012599386346434782 not:5.5997272650821245e-05 :0.1 -far:0.002632281704534804 miles:0.0014276782126290462 mile:0.0005353793297358923 yards:0.0004015344973019193 line:0.00026768966486794617 :0.1 -the:0.5 a:0.3 :0.2 -almost:0.0019664092035143613 apply:0.0013407335478507008 is:0.0008938223652338006 months:0.0008938223652338006 Almost:0.0004469111826169003 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -for:0.0021008403361344537 and:0.0021008403361344537 Black:0.0021008403361344537 Agents:0.0016806722689075631 sewing:0.0016806722689075631 :0.1 -written:0.0014830682495602094 sworn:0.0008586184602717002 false:0.0008586184602717002 brief:0.0007805622366106365 detailed:0.0005463935656274455 :0.1 -the:0.5 a:0.3 :0.2 -and:0.06832298136645963 to:0.06832298136645963 form:0.018633540372670804 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -abolish:0.00411199387814814 African:0.003655105669465013 abolishing:0.0031982174607818863 abolished:0.0031982174607818863 exclude:0.0031982174607818863 :0.1 -the:0.5 a:0.3 :0.2 -far:0.006335257948815226 miles:0.0012670515897630452 proved:0.0011262680797893734 extend:0.0007039175498683584 goes:0.0006335257948815226 :0.1 -same:5.65443585611603e-05 di:5.65443585611603e-05 first:3.741831770736301e-05 most:3.444203288229389e-05 United:3.3967040057919535e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.014825796886582653 that:0.012354830738818878 The:0.007412898443291327 of:0.007412898443291327 He:0.002223869532987398 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -drug:0.00888900416651692 the:0.0032323651514606986 naval:0.0032323651514606986 retail:0.002020228219662937 a:0.0016837372196157145 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -and:0.07973421926910298 to:0.07973421926910298 who:0.03986710963455149 of:0.03986710963455149 :0.1 -the:0.5 a:0.3 :0.2 -bales:0.002053958935608609 raw:0.002053958935608609 raising:0.001369305957072406 seed:0.001369305957072406 to:0.0009128706380482708 :0.1 -Of:0.014809910379255994 of:0.00030598988386892553 and:0.00030598988386892553 d:0.00030598988386892553 Of:0.00024479190709514044 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -civil:0.006935086454288718 Civil:0.0012810032304100178 the:0.0003092076763058664 waged:0.00026503515111931406 the:0.0002208626259327617 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -by:0.0002448334169924824 make:9.020178520775667e-05 with:7.731581589236287e-05 into:6.442984657696905e-05 out:6.442984657696905e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -very:0.00016811370599751103 at:0.00014833562293898033 swelled:0.00011866849835118426 riding:9.889041529265356e-05 sounds:9.889041529265356e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -County:0.0009223674096848578 Circuit:0.0007173968741993338 District:0.0006149116064565718 before:0.0003586984370996669 Chief:0.0003586984370996669 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -votes:0.010348469684442878 of:0.0026583224877467946 vote:0.0026583224877467946 ballots:0.0012342211550252975 the:0.0011392810661771976 :0.1 -the:0.5 a:0.3 :0.2 -and:0.009872886585215353 in:0.009379242255954585 the:0.009379242255954585 are:0.005923731951129212 a:0.005430087621868444 :0.1 -the:0.5 a:0.3 :0.2 -a:0.004301395563894063 little:0.004301395563894063 the:0.0039012657439969414 out:0.003501135924099819 to:0.002900941194254136 :0.1 -western:0.00028781196705136164 Missouri:0.00014390598352568082 in:0.00010792948764426061 Missouri:0.00010792948764426061 Louis:0.00010792948764426061 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -main:0.004157746810429621 base:0.002771831206953081 yard:0.0023098593391275677 straight:0.0023098593391275677 coast:0.0023098593391275677 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -strong:0.004612184607964308 unfortunate:0.0014191337255274796 fortunate:0.000946089150351653 foolish:0.0008278280065576964 smart:0.0004336241939111743 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -silver:0.00014572808194520146 unsightly:7.286404097260073e-05 first:5.464803072945054e-05 legs:5.464803072945054e-05 inch:5.464803072945054e-05 :0.1 -and:0.01220414201183432 but:0.004437869822485207 which:0.0025887573964497044 the:0.0014792899408284023 are:0.0011094674556213018 :0.1 -the:0.5 a:0.3 :0.2 -liberal:0.004240632293370066 the:0.003180474220027549 strongest:0.003180474220027549 strongest:0.003180474220027549 relative:0.003180474220027549 :0.1 -medicine:7.134157830529657e-05 and:4.756105220353105e-05 apply:2.9725657627206906e-05 Carter:2.9725657627206906e-05 which:2.3780526101765525e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.011840167871676124 a:0.0014480891012260085 this:0.0007625634566966642 his:0.0006695795038339842 tho:0.000581083703153773 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -whose:0.026519407102608052 Their:0.0030073554446256555 neither:0.0021871675960913857 of:0.0010935837980456929 nClaimant:0.0010935837980456929 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -art:0.00014096918884108273 stomach:0.00010964270243195324 not:9.397945922738849e-05 teke:7.831621602282375e-05 of:7.831621602282375e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -formerly:0.005324756399025317 building:0.0025705720547018773 premises:0.0014688983169725014 previously:0.0009180614481078133 lately:0.0009180614481078133 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -number:0.0027734961515246746 port:0.0027734961515246746 and:0.0020900987185051055 with:0.002080122113643506 starboard:0.002080122113643506 :0.1 -renewed:0.01533253683791318 new:0.00943540728486965 of:0.008255981374260944 and:0.008041540299604816 his:0.005897129553043531 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.008639900068625712 to:0.008639900068625712 a:0.0018533118974366882 by:0.0014799828821257007 in:0.0006399925976759786 :0.1 -this:0.04709770708531295 in:0.04415410039248089 of:0.023548853542656473 the:0.023548853542656473 on:0.020605246849824413 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -each:0.000259950640105406 of:0.00020218383119309353 used:0.00020218383119309353 Pills:0.00017330042673693733 paid:0.00017330042673693733 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -feet:0.022098435990973882 inches:0.003423701350714263 of:0.0009337367320129807 yard:0.0009337367320129807 inch:0.0009337367320129807 :0.1 -persons:0.0015703165309464522 methods:0.0008636740920205488 and:0.0004710949592839357 usually:0.0004710949592839357 have:0.0004710949592839357 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Federal:0.009117601607170452 General:0.005717817957039097 British:0.0037088548910523874 the:0.0029361767887498063 Canadian:0.0016998918250656777 :0.1 -the:0.5 a:0.3 :0.2 -the:0.0029276985743380856 suspension:0.0029276985743380856 of:0.001069246435845214 a:0.0005855397148676172 and:0.000280040733197556 :0.1 -the:0.5 a:0.3 :0.2 -art:0.00011026797091869816 stomach:8.57639773812097e-05 not:7.351198061246545e-05 teke:6.12599838437212e-05 of:6.12599838437212e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -privileges:0.0005386834227544567 franchise:0.00033667713922153547 charter:0.00033667713922153547 a:0.00026934171137722837 readily:0.00026934171137722837 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.007934683400774405 of:0.007934683400774405 a:0.0010456378184393155 tho:0.0007228234583842249 throughout:0.0002591730759046916 :0.1 -the:0.5 a:0.3 :0.2 -smell:4.760542705860538e-05 wended:3.967118921550448e-05 retrace:3.967118921550448e-05 blood:3.967118921550448e-05 welfare:3.967118921550448e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.009452781868427313 of:0.009452781868427313 a:0.0011561044191511656 throughout:0.00030875920675767606 against:0.00028500849854554714 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -which:0.000131328455619387 materials:0.00012257322524476122 language:0.00010506276449550961 acids:8.755230374625801e-05 extensively:8.755230374625801e-05 :0.1 -a:0.00772408837794144 x:0.00772408837794144 one:0.004850008981498113 the:0.004490749056942698 two:0.001706484641638225 :0.1 -the:0.006878384824760783 constitution:0.006878384824760783 any:0.003465499340573 a:0.003451468978870275 to:0.002960406319274911 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -national:0.00975008886723118 savings:0.004468790730814291 the:0.002843775919609094 local:0.002843775919609094 reserve:0.002031268514006496 :0.1 -the:0.5 a:0.3 :0.2 -training:0.00018748384477225148 packet:0.00012498922984816767 aboard:0.00012498922984816767 a:9.374192238612574e-05 tacked:9.374192238612574e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -can:0.00025548914558236037 jury:0.00023226285962032764 it:0.00023226285962032764 may:0.0001974234306772785 afterward:0.00011613142981016382 :0.1 -to:0.0015833340949177944 been:0.0007037040421856865 favorable:0.0007037040421856865 necessary:0.0005277780316392649 sanitary:0.0005277780316392649 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -Among:0.001693411325426645 acquainting:0.0004331982460393743 names:0.00015752663492340883 wrapped:9.845414682713052e-05 married:9.845414682713052e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -coupons:0.0009072759075870874 horses:0.0004187427265786558 the:0.0002093713632893279 coupons:0.0002093713632893279 and:0.0002093713632893279 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -twisted:0.0004307214376642034 clustered:0.000258432862598522 hover:0.000258432862598522 circled:0.0002153607188321017 cluster:0.0002153607188321017 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -The:0.003490997819045047 extra:0.0022691485823792806 In:0.0013229044366907545 Baltimore:0.0013091241821418928 of:0.0009554309820544338 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -talking:0.0036903438024203216 the:0.0016401528010756986 talked:0.0016401528010756986 be:0.0007074039127193334 a:0.00025756683174907476 :0.1 -devise:0.00010484458126112799 of:3.494819375370933e-05 lungs:2.9123494794757774e-05 inserted:2.9123494794757774e-05 health:2.9123494794757774e-05 :0.1 -deeds:0.0038102482541724084 Liens:0.0021168045856513377 Deeds:0.0012700827513908027 mortgages:0.0012700827513908027 Mortgages:0.0009878421399706243 :0.1 -It:0.012195121951219511 the:0.012195121951219511 and:0.01016260162601626 in:0.0060975609756097554 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.04275978547311926 fair:0.009089654995782837 a:0.005736393189803904 his:0.00290524848864199 which:0.002371321199362462 :0.1 -rural:0.0007163225761033251 mailed:0.0005628248812240412 mail:0.00035816128805166256 Mailed:0.00035816128805166256 Sent:0.00035816128805166256 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.012267886020186249 by:0.0061339430100931245 without:0.0061339430100931245 the:0.00535325935426309 that:0.004795628171527352 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.003765273351462427 the:0.003765273351462427 are:0.0030638989036409943 for:0.0014396633402650456 to:0.0011074333386654198 :0.1 -arrived:0.002801057832807397 the:0.0006023780285607306 arrive:0.0006023780285607306 arriving:0.00045178352142054783 ar:0.00033130791570840177 :0.1 -parallel:0.004368262940865387 trunk:0.003988413989485788 steamship:0.0020891692325877937 boundary:0.0020891692325877937 pipe:0.0018992447568979942 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -of:0.0042455223487746175 hundred:0.0042455223487746175 quality:0.0018195095780462645 is:0.0007448284822411609 and:0.0004821784385034884 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -certain:0.0020497746760954096 described:0.0012298648056572458 lot:0.0011205434895988238 lot:0.0004372852642336874 de:0.0002733032901460546 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 a:0.0008210058376203487 the:0.0008023936146012476 seventy:0.0002463017512861046 and:0.00019156802877808135 twenty:0.00016420116752406975 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -generally:0.0028898875513793656 confidently:0.001677999223381567 it:0.0015847770443048134 It:0.0011186661489210447 is:0.000652555253537276 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.024233896185115695 of:0.024233896185115695 all:0.01938711694809256 reciprocity:0.014540337711069419 these:0.012116948092557847 :0.1 -the:0.005629562136653127 state:0.005629562136653127 school:0.003627940043620904 a:0.0014373783930731409 executive:0.0009382603561088545 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.0041481556989868785 grand:0.0041481556989868785 a:0.0005073322543222608 this:0.00026716107263161684 his:0.0002345845147515256 :0.1 -practical:0.0004887133756820958 of:0.0003359904457814409 My:0.0003359904457814409 who:0.00032719488437354976 to:0.0002884944141788288 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -searching:0.0017223676544508733 genuine:0.0017223676544508733 reliable:0.001377894123560699 effective:0.001377894123560699 the:0.001033420592670524 :0.1 -the:0.5 a:0.3 :0.2 -To:0.002963702776640831 order:0.0011854811106563324 as:0.0010669329995906993 effectually:0.0008298367774594327 be:0.0005927405553281662 :0.1 -brand:6.239584693242818e-05 bbls:5.407640067477109e-05 the:3.3277785030628367e-05 en:2.911806190179982e-05 not:2.4958338772971275e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -action:0.0004834793740860052 an:0.00012257223568377598 defendants:8.852439243828264e-05 ac:8.171482378918397e-05 Action:7.490525514008532e-05 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -have:0.022822502245794518 has:0.016846535323578996 of:0.0015366772085697057 bad:0.0015366772085697057 in:0.0008721681454044276 :0.1 -morally:0.00029085122628549513 is:0.00023268098102839608 below:0.00020359585839984656 wit:0.00017451073577129706 that:0.00017451073577129706 :0.1 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -the:0.5 a:0.3 :0.2 -who:0.00015152471426894902 time:8.658555101082801e-05 that:7.576235713447451e-05 me:6.493916325812101e-05 who:6.493916325812101e-05 :0.1 diff --git a/gonito.yaml b/gonito.yaml deleted file mode 100644 index c4d73bc..0000000 --- a/gonito.yaml +++ /dev/null @@ -1,13 +0,0 @@ -description: nn, trigram, previous and next -tags: - - neural-network - - trigram -params: - epochs: 1 - vocab-size: 20000 - batch-size: 10000 - embed-size: - - 100 - - 500 - - 1000 - topk: 10 diff --git a/lm0.py b/lm0.py deleted file mode 100644 index fc01d59..0000000 --- a/lm0.py +++ /dev/null @@ -1,15 +0,0 @@ -import sys -import random - -distribs = [ - 'a:0.6 the:0.2 :0.2', - 'the:0.7 a:0.2 :0.1', - 'the:0.9 :0.1', - 'the:0.3 be:0.2 to:0.15 of:0.15 and:0.05 a:0.05 in:0.05 :0.05', -] - -for line in sys.stdin: - ctx = line.split('\t')[6:] - - i = random.randint(0, len(distribs) - 1) - print(distribs[i]) \ No newline at end of file diff --git a/lm1.py b/lm1.py deleted file mode 100644 index 8ee9eda..0000000 --- a/lm1.py +++ /dev/null @@ -1,56 +0,0 @@ -import sys -import random -from tqdm import tqdm -from collections import defaultdict -import pickle -import os - -corpus = [] - -with open('train/in.tsv', 'r') as f: - print('Reading corpus...') - for line in tqdm(f): - ctx = line.split('\t')[6:] - - corpus.append(ctx[0] + 'BLANK' + ctx[1]) - -corpus = ' '.join(corpus) -corpus = corpus.replace('-\n', '') -corpus = corpus.replace('\\n', ' ') -corpus = corpus.replace('\n', ' ') -corpus = corpus.split(' ') - -if (os.path.exists('distrib.pkl')): - print('Loading distribution...') - distrib = pickle.load(open('distrib.pkl', 'rb')) -else: - print('Generating distribution...') - distrib = defaultdict(lambda: defaultdict(int)) - for i in tqdm(range(len(corpus) - 1)): - distrib[corpus[i]][corpus[i+1]] += 1 - - with open('distrib.pkl', 'wb') as f: - print('Saving distribution...') - pickle.dump(dict(distrib), f) - -results = [] -with open('dev-0/in.tsv', 'r') as f: - print('Generating output...') - for line in tqdm(f): - ctx = line.split('\t')[6:] - last_word = ctx[0].split(' ')[-1] - try: - blank_word = max(distrib[last_word], key=distrib[last_word].get) - except: - blank_word = 'NONE' - results.append(blank_word) - -with open('dev-0/out.tsv', 'w') as f: - print('Writing output...') - for result in tqdm(results): - if result == 'NONE': - f.write('a:0.6 the:0.2 :0.2') - else: - f.write(f'{result}:0.9 :0.1') - - \ No newline at end of file diff --git a/lmn.py b/lmn.py deleted file mode 100644 index 8681cfa..0000000 --- a/lmn.py +++ /dev/null @@ -1,83 +0,0 @@ -from tqdm import tqdm -from numpy import argmax - -def preprocess(corpus): - corpus = corpus.replace('-\n', '') - corpus = corpus.replace('\\n', ' ') - corpus = corpus.replace('\n', ' ') - corpus = corpus.replace('.', ' EOS') - - return corpus - -def generate_freq(tokens): - tokens_freq = {} - for token in tqdm(tokens): - if token not in tokens_freq: - tokens_freq[token] = 1 - else: - tokens_freq[token] += 1 - - return tokens_freq - -def generate_ngrams(tokens, n): - ngrams = [] - for i in tqdm(range(len(tokens) - n + 1)): - ngrams.append(tokens[i:i+n]) - - return ngrams - -def generate_distribution(unique_tokens, tokens_freq, bigrams_freq): - n = len(unique_tokens) - distribution = [[] * n] * n - for i in tqdm(n): - denominator = tokens_freq[unique_tokens[i]] - for j in range(n): - try: - numerator = bigrams_freq[unique_tokens[i] + unique_tokens[j]] - except: - numerator = 0 - distribution[unique_tokens[i] + unique_tokens[j]] = numerator / denominator - - return distribution - -with open('train/in.tsv', 'r') as f: - print('Reading corpus...') - corpus = [] - for line in tqdm(f): - ctx = line.split('\t')[6:] - corpus.append(ctx[0] + 'BLANK' + ctx[1]) - -print('Preprocessing corpus...') -corpus = preprocess(' '.join(corpus)) - -tokens = corpus.split() -unique_tokens = set(sorted(corpus)) -print('Generating tokens frequency...') -tokens_freq = generate_freq(tokens) -print('Generating n-grams...') -bigrams = generate_ngrams(tokens, 2) -print('Generating bigrams frequency...') -bigrams_freq = generate_freq(bigrams) -print('Generate distribution...') -distribution = generate_distribution(unique_tokens, tokens_freq, bigrams_freq) - - -with open('dev-0/in.tsv', 'r') as f: - print('Generating output...') - results = [] - for line in tqdm(f): - ctx = line.split('\t')[6:] - last_word = preprocess(ctx[0]).split(' ')[-1] - try: - blank_word = unique_tokens[argmax(distribution[unique_tokens.index(last_word)])] - except: - blank_word = 'NONE' - results.append(blank_word) - -with open('dev-0/out.tsv', 'w') as f: - print('Writing output...') - for result in tqdm(results): - if result == 'NONE': - f.write('a:0.6 the:0.2 :0.2') - else: - f.write(f'{result}:0.9 :0.1') \ No newline at end of file diff --git a/ripped.py b/ripped.py deleted file mode 100644 index 965ee24..0000000 --- a/ripped.py +++ /dev/null @@ -1,153 +0,0 @@ -import lzma -import matplotlib.pyplot as plt -from math import log -from collections import OrderedDict -from collections import Counter -import regex as re -from itertools import islice - -def freq_list(g, top=None): - c = Counter(g) - - if top is None: - items = c.items() - else: - items = c.most_common(top) - - return OrderedDict(sorted(items, key=lambda t: -t[1])) - -def get_words(t): - for m in re.finditer(r'[\p{L}0-9-\*]+', t): - yield m.group(0) - -def ngrams(iter, size): - ngram = [] - for item in iter: - ngram.append(item) - if len(ngram) == size: - yield tuple(ngram) - ngram = ngram[1:] - -PREFIX_TRAIN = 'train' -words = [] - -counter_lines = 0 -with lzma.open(f'{PREFIX_TRAIN}/in.tsv.xz', 'r') as train, open(f'{PREFIX_TRAIN}/expected.tsv', 'r') as expected: - for t_line, e_line in zip(train, expected): - t_line = t_line.decode("utf-8") - - t_line = t_line.rstrip() - e_line = e_line.rstrip() - - t_line_splitted_by_tab = t_line.split('\t') - - t_line_cleared = t_line_splitted_by_tab[-2] + ' ' + e_line + ' ' + t_line_splitted_by_tab[-1] - - words += t_line_cleared.split() - - counter_lines+=1 - if counter_lines > 90000: - break - -# lzmaFile = lzma.open('dev-0/in.tsv.xz', 'rb') - -# content = lzmaFile.read().decode("utf-8") -# words = get_words(trainset) - -ngrams_ = ngrams(words, 2) - - -def create_probabilities_bigrams(w_c, b_c): - probabilities_bigrams = {} - for bigram, bigram_amount in b_c.items(): - if bigram_amount <=2: - continue - p_word_before = bigram_amount / w_c[bigram[0]] - p_word_after = bigram_amount / w_c[bigram[1]] - probabilities_bigrams[bigram] = (p_word_before, p_word_after) - - return probabilities_bigrams - -words_c = Counter(words) -word_='' -bigram_c = Counter(ngrams_) -ngrams_='' -probabilities = create_probabilities_bigrams(words_c, bigram_c) - - -items = probabilities.items() -probabilities = OrderedDict(sorted(items, key=lambda t:t[1], reverse=True)) -items='' -# sorted_by_freq = freq_list(ngrams) - -PREFIX_VALID = 'dev-0' - -def count_probabilities(w_b, w_a, probs, w_c, b_c): - results_before = {} - results_after = {} - for bigram, probses in probs.items(): - if len(results_before) > 20 or len(results_after) > 20: - break - if w_b == bigram[0]: - results_before[bigram] = probses[0] - if w_a == bigram[1]: - results_after[bigram] = probses[1] - a=1 - best_ = {} - - for bigram, probses in results_before.items(): - for bigram_2, probses_2 in results_after.items(): - best_[bigram[1]] = probses * probses_2 - - for bigram, probses in results_after.items(): - for bigram_2, probses_2 in results_before.items(): - if bigram[0] in best_: - if probses * probses_2 < probses_2: - continue - best_[bigram[0]] = probses * probses_2 - - items = best_.items() - return OrderedDict(sorted(items, key=lambda t:t[1], reverse=True)) - - -with lzma.open(f'{PREFIX_VALID}/in.tsv.xz', 'r') as train: - for t_line in train: - t_line = t_line.decode("utf-8") - - t_line = t_line.rstrip() - t_line = t_line.replace('\\n', ' ') - - - t_line_splitted_by_tab = t_line.split('\t') - - - words_pre = t_line_splitted_by_tab[-2].split() - - words_po = t_line_splitted_by_tab[-1].split() - - w_pre = words_pre[-1] - w_po = words_po[0] - - probs_ordered = count_probabilities(w_pre, w_po,probabilities, words_c, bigram_c) - if len(probs_ordered) ==0: - print(f"the:0.5 a:0.3 :0.2") - continue - result_string = '' - counter_ = 0 - for word_, p in probs_ordered.items(): - if counter_>4: - break - re_ = re.search(r'\p{L}+', word_) - if re_: - word_cleared = re_.group(0) - result_string += f"{word_cleared}:{str(p)} " - - else: - if result_string == '': - result_string = f"the:0.5 a:0.3 " - continue - - counter_+=1 - result_string += ':0.1' - print(result_string) - a=1 \ No newline at end of file diff --git a/run.py b/run.py deleted file mode 100644 index 4bd80bb..0000000 --- a/run.py +++ /dev/null @@ -1,233 +0,0 @@ -import lzma -import regex as re -from torchtext.vocab import build_vocab_from_iterator -from torch import nn -import pickle -from os.path import exists -from torch.utils.data import IterableDataset -import itertools -from torch.utils.data import DataLoader -import torch -from matplotlib import pyplot as plt -from tqdm import tqdm - - -def get_words_from_line(line): - line = line.rstrip() - line = line.split("\t") - text = line[-2] + " " + line[-1] - text = re.sub(r"\\\\+n", " ", text) - text = re.sub('[^A-Za-z ]+', '', text) - for t in text.split(): - yield t - - -def get_word_lines_from_file(file_name): - with lzma.open(file_name, "r") as fh: - for line in fh: - yield get_words_from_line(line.decode("utf-8")) - - -def look_ahead_iterator(gen): - first = None - second = None - for item in gen: - if first is not None and second is not None: - yield (first, second, item) - first = second - second = item - - -class Trigrams(IterableDataset): - def __init__(self, text_file, vocabulary_size): - self.vocab = build_vocab_from_iterator( - get_word_lines_from_file(text_file), - max_tokens=vocabulary_size, - specials=[""], - ) - self.vocab.set_default_index(self.vocab[""]) - self.vocabulary_size = vocabulary_size - self.text_file = text_file - - def __iter__(self): - return look_ahead_iterator( - ( - self.vocab[t] - for t in itertools.chain.from_iterable( - get_word_lines_from_file(self.text_file) - ) - ) - ) - - -class TrigramModel(nn.Module): - def __init__(self, vocab_size, embedding_dim, hidden_dim): - super(TrigramModel, self).__init__() - self.embeddings = nn.Embedding(vocab_size, embedding_dim) - self.hidden = nn.Linear(embedding_dim * 2, hidden_dim) - self.output = nn.Linear(hidden_dim, vocab_size) - self.softmax = nn.Softmax() - - def forward(self, x, y): - x = self.embeddings(x) - y = self.embeddings(y) - z = self.hidden(torch.cat([x, y], dim=1)) - z = self.output(z) - z = self.softmax(z) - return z - - -embed_size = 500 -vocab_size = 20000 -vocab_path = "vocabulary.pickle" -if exists(vocab_path): - print("Loading vocabulary from file...") - with open(vocab_path, "rb") as fh: - vocab = pickle.load(fh) -else: - print("Building vocabulary...") - vocab = build_vocab_from_iterator( - get_word_lines_from_file("train/in.tsv.xz"), - max_tokens=vocab_size, - specials=[""], - ) - - with open(vocab_path, "wb") as fh: - pickle.dump(vocab, fh) - -device = "cuda" if torch.cuda.is_available() else "cpu" - -print("Using device:", device) -dataset_path = 'train/dataset.pickle' -if exists(dataset_path): - print("Loading dataset from file...") - with open(dataset_path, "rb") as fh: - train_dataset = pickle.load(fh) -else: - print("Building dataset...") - train_dataset = Trigrams("train/in.tsv.xz", vocab_size) - with open(dataset_path, "wb") as fh: - pickle.dump(train_dataset, fh) - -print("Building model...") -model = TrigramModel(vocab_size, embed_size, 64).to(device) -data = DataLoader(train_dataset, batch_size=10000) -optimizer = torch.optim.Adam(model.parameters()) -criterion = torch.nn.NLLLoss() - -print("Training model...") -model.train() -losses = [] -step = 0 -max_steps = 1000 - -for x, y, z in tqdm(data): - x = x.to(device) - y = y.to(device) - z = z.to(device) - - optimizer.zero_grad() - ypredicted = model(x, z) - loss = criterion(torch.log(ypredicted), y) - losses.append(loss.item()) - loss.backward() - optimizer.step() - step += 1 - if step > max_steps: - break - -plt.plot(losses) -plt.show() - -torch.save(model.state_dict(), f"trigram_model-embed_{embed_size}.bin") - -vocab_unique = set(train_dataset.vocab.get_stoi().keys()) - -output = [] -print('Predicting dev...') -with lzma.open("dev-0/in.tsv.xz", encoding='utf8', mode="rt") as file: - for line in tqdm(file): - line = line.split("\t") - - first_word = re.sub(r"\\\\+n", " ", line[-2]).split()[-1] - first_word = re.sub('[^A-Za-z]+', '', first_word) - - next_word = re.sub(r"\\\\+n", " ", line[-1]).split()[0] - nenxt_word = re.sub('[^A-Za-z]+', '', next_word) - - if first_word not in vocab_unique: - word = "" - if next_word not in vocab_unique: - word = "" - - first_word = torch.tensor(train_dataset.vocab.forward([first_word])).to(device) - next_word = torch.tensor(train_dataset.vocab.forward([next_word])).to(device) - - out = model(first_word, next_word) - - top = torch.topk(out[0], 10) - top_indices = top.indices.tolist() - top_probs = top.values.tolist() - unk_bonus = 1 - sum(top_probs) - top_words = vocab.lookup_tokens(top_indices) - top_zipped = list(zip(top_words, top_probs)) - - res = "" - for w, p in top_zipped: - if w == "": - res += f":{(p + unk_bonus):.4f} " - else: - res += f"{w}:{p:.4f} " - - res = res[:-1] - res += "\n" - output.append(res) - -with open(f"dev-0/out-embed-{embed_size}.tsv", mode="w") as file: - file.writelines(output) - - -model.eval() - -output = [] -print('Predicting test...') -with lzma.open("test-A/in.tsv.xz", encoding='utf8', mode="rt") as file: - for line in tqdm(file): - line = line.split("\t") - - first_word = re.sub(r"\\\\+n", " ", line[-2]).split()[-1] - first_word = re.sub('[^A-Za-z]+', '', first_word) - - next_word = re.sub(r"\\\\+n", " ", line[-1]).split()[0] - next_word = re.sub('[^A-Za-z]+', '', next_word) - - if first_word not in vocab_unique: - word = "" - if next_word not in vocab_unique: - word = "" - - first_word = torch.tensor(train_dataset.vocab.forward([first_word])).to(device) - next_word = torch.tensor(train_dataset.vocab.forward([next_word])).to(device) - - out = model(first_word, next_word) - - top = torch.topk(out[0], 10) - top_indices = top.indices.tolist() - top_probs = top.values.tolist() - unk_bonus = 1 - sum(top_probs) - top_words = vocab.lookup_tokens(top_indices) - top_zipped = list(zip(top_words, top_probs)) - - res = "" - for w, p in top_zipped: - if w == "": - res += f":{(p + unk_bonus):.4f} " - else: - res += f"{w}:{p:.4f} " - - res = res[:-1] - res += "\n" - output.append(res) - -with open(f"test-A/out-embed-{embed_size}.tsv", mode="w") as file: - file.writelines(output) diff --git a/test-A/in.tsv.xz b/test-A/in.tsv.xz deleted file mode 100644 index a93f76d..0000000 Binary files a/test-A/in.tsv.xz and /dev/null differ diff --git a/test-A/out-embed-100.tsv b/test-A/out-embed-100.tsv deleted file mode 100644 index 7d137fc..0000000 --- a/test-A/out-embed-100.tsv +++ /dev/null @@ -1,7414 +0,0 @@ -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.9466 year:0.0108 day:0.0065 man:0.0064 candidate:0.0063 time:0.0060 matter:0.0054 period:0.0050 week:0.0036 place:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6545 the:0.2063 a:0.0369 and:0.0239 of:0.0159 is:0.0151 was:0.0143 to:0.0117 has:0.0112 as:0.0101 -:0.9480 and:0.0159 of:0.0060 the:0.0058 as:0.0052 or:0.0041 a:0.0039 that:0.0039 own:0.0036 old:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6089 of:0.1424 in:0.0443 and:0.0419 with:0.0417 to:0.0315 for:0.0274 as:0.0211 or:0.0207 at:0.0201 -:0.6142 in:0.0731 to:0.0639 of:0.0629 by:0.0447 with:0.0417 for:0.0338 and:0.0241 on:0.0212 from:0.0204 -:0.9060 who:0.0200 which:0.0120 day:0.0117 men:0.0107 people:0.0103 and:0.0093 we:0.0090 time:0.0058 there:0.0052 -of:0.1801 :0.4748 in:0.0768 to:0.0585 at:0.0550 for:0.0445 that:0.0341 and:0.0257 by:0.0256 on:0.0250 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.9208 last:0.0124 whole:0.0102 same:0.0100 most:0.0098 other:0.0082 great:0.0075 best:0.0074 first:0.0070 next:0.0067 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7918 which:0.0718 that:0.0345 it:0.0274 as:0.0231 and:0.0153 they:0.0105 you:0.0090 what:0.0086 we:0.0081 -:0.7939 and:0.0466 of:0.0373 to:0.0303 that:0.0278 as:0.0188 which:0.0136 when:0.0122 for:0.0100 if:0.0095 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8089 and:0.0371 to:0.0328 the:0.0325 of:0.0306 in:0.0155 a:0.0131 by:0.0118 for:0.0096 that:0.0081 -:0.8803 and:0.0335 of:0.0140 that:0.0138 is:0.0125 was:0.0111 as:0.0097 which:0.0096 it:0.0094 the:0.0062 -has:0.2879 have:0.2061 had:0.1579 :0.2896 having:0.0250 lias:0.0107 not:0.0077 and:0.0059 the:0.0047 bad:0.0043 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8004 it:0.0912 there:0.0257 that:0.0184 which:0.0158 and:0.0156 to:0.0146 he:0.0074 who:0.0067 been:0.0041 -:0.7610 not:0.1585 it:0.0140 due:0.0105 as:0.0100 going:0.0100 them:0.0099 him:0.0090 so:0.0089 known:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7893 the:0.0400 and:0.0359 as:0.0237 a:0.0236 of:0.0228 is:0.0213 that:0.0175 are:0.0135 in:0.0124 -the:0.1927 a:0.1389 :0.5352 that:0.0282 and:0.0208 their:0.0207 this:0.0171 as:0.0170 his:0.0161 of:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7983 found:0.0413 given:0.0394 made:0.0251 so:0.0215 seen:0.0193 held:0.0190 declared:0.0138 sure:0.0116 remembered:0.0108 -:0.8362 of:0.0401 and:0.0297 to:0.0289 in:0.0141 that:0.0137 for:0.0109 the:0.0099 from:0.0083 on:0.0083 -:0.5412 the:0.2758 a:0.0595 of:0.0343 and:0.0299 this:0.0159 his:0.0146 to:0.0112 any:0.0099 tho:0.0077 -:0.6233 the:0.1815 be:0.0955 a:0.0321 tho:0.0155 this:0.0122 make:0.0113 her:0.0103 have:0.0098 his:0.0084 -:0.5589 will:0.1166 to:0.1058 would:0.0617 and:0.0337 may:0.0332 shall:0.0251 could:0.0222 should:0.0216 can:0.0212 -:0.8079 and:0.0591 to:0.0524 that:0.0129 he:0.0129 of:0.0121 have:0.0118 in:0.0114 had:0.0107 which:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7045 of:0.0613 and:0.0555 is:0.0371 the:0.0356 was:0.0333 to:0.0209 in:0.0188 with:0.0170 for:0.0159 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -of:0.5480 :0.2082 to:0.0579 in:0.0485 for:0.0315 with:0.0248 and:0.0232 from:0.0230 on:0.0227 by:0.0123 -:0.9135 and:0.0186 as:0.0111 is:0.0096 the:0.0096 that:0.0092 had:0.0077 of:0.0071 have:0.0068 if:0.0068 -:0.6385 the:0.0930 to:0.0660 and:0.0536 a:0.0472 of:0.0464 in:0.0168 was:0.0138 is:0.0131 or:0.0116 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7490 the:0.1430 a:0.0352 and:0.0129 it:0.0127 to:0.0114 tho:0.0098 that:0.0095 his:0.0084 he:0.0081 -:0.8206 the:0.0690 and:0.0245 to:0.0237 a:0.0218 of:0.0174 in:0.0072 it:0.0055 this:0.0052 or:0.0051 -:0.7063 of:0.0844 and:0.0508 the:0.0444 to:0.0356 that:0.0210 in:0.0210 for:0.0144 with:0.0112 by:0.0109 -:0.8889 and:0.0250 was:0.0144 the:0.0143 is:0.0122 he:0.0107 it:0.0099 as:0.0087 have:0.0085 be:0.0074 -:0.7719 that:0.0533 as:0.0360 and:0.0352 the:0.0243 of:0.0229 if:0.0201 but:0.0134 for:0.0124 which:0.0105 -:0.8490 to:0.0261 and:0.0261 in:0.0180 that:0.0175 of:0.0166 the:0.0148 he:0.0130 is:0.0098 for:0.0092 -:0.7443 and:0.0981 of:0.0383 to:0.0261 but:0.0251 that:0.0213 in:0.0159 for:0.0109 from:0.0108 with:0.0090 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9066 and:0.0230 the:0.0223 that:0.0091 of:0.0079 a:0.0078 will:0.0060 are:0.0058 is:0.0058 to:0.0057 -:0.7230 of:0.1131 the:0.0536 and:0.0293 in:0.0177 to:0.0143 for:0.0137 with:0.0124 that:0.0118 a:0.0109 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6557 the:0.2071 a:0.0347 to:0.0205 and:0.0184 that:0.0182 it:0.0142 in:0.0120 his:0.0096 of:0.0095 -:0.9097 not:0.0204 that:0.0154 it:0.0108 he:0.0095 found:0.0077 the:0.0072 a:0.0065 always:0.0065 so:0.0064 -:0.6008 of:0.1521 in:0.0689 to:0.0359 for:0.0292 with:0.0279 and:0.0244 from:0.0229 by:0.0195 the:0.0182 -:0.6202 to:0.1172 of:0.0712 in:0.0369 for:0.0360 and:0.0324 as:0.0278 that:0.0273 from:0.0158 with:0.0152 -is:0.2653 was:0.1659 :0.4507 and:0.0216 to:0.0214 has:0.0193 will:0.0163 would:0.0146 as:0.0138 had:0.0112 -:0.6774 of:0.1212 and:0.0601 the:0.0433 to:0.0291 in:0.0156 or:0.0148 for:0.0147 a:0.0146 that:0.0094 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -be:0.2156 :0.6383 have:0.0280 not:0.0256 bo:0.0227 make:0.0159 do:0.0148 take:0.0134 get:0.0130 find:0.0127 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.4150 :0.3104 and:0.0923 to:0.0831 in:0.0341 or:0.0161 for:0.0134 that:0.0121 on:0.0119 with:0.0116 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6631 to:0.1222 will:0.0384 of:0.0309 and:0.0306 was:0.0245 would:0.0239 has:0.0228 in:0.0220 is:0.0217 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8245 the:0.0811 a:0.0231 of:0.0164 and:0.0132 in:0.0100 to:0.0093 that:0.0085 his:0.0080 it:0.0058 -:0.6716 the:0.1721 he:0.0590 this:0.0204 it:0.0166 they:0.0155 a:0.0128 we:0.0124 all:0.0099 she:0.0098 -:0.6011 the:0.2447 a:0.0429 and:0.0309 of:0.0242 this:0.0143 to:0.0114 tho:0.0111 that:0.0103 was:0.0092 -:0.7802 and:0.0673 to:0.0664 of:0.0176 that:0.0162 in:0.0124 as:0.0121 or:0.0096 which:0.0094 he:0.0089 -the:0.1497 a:0.0608 to:0.0209 his:0.0186 :0.6851 its:0.0143 an:0.0143 this:0.0130 tho:0.0118 their:0.0115 -:0.6897 are:0.0790 will:0.0543 could:0.0343 can:0.0331 were:0.0291 have:0.0225 would:0.0222 had:0.0179 do:0.0177 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8402 and:0.0411 is:0.0352 was:0.0201 to:0.0170 are:0.0119 of:0.0097 had:0.0085 were:0.0084 have:0.0079 -:0.6067 to:0.2120 who:0.0322 and:0.0307 we:0.0286 would:0.0228 will:0.0209 they:0.0202 shall:0.0153 should:0.0106 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7382 the:0.1072 a:0.0399 to:0.0235 and:0.0200 of:0.0166 he:0.0160 it:0.0144 that:0.0125 in:0.0117 -:0.8772 the:0.0339 and:0.0275 a:0.0220 of:0.0088 as:0.0073 it:0.0063 is:0.0060 to:0.0059 was:0.0050 -:0.8851 and:0.0232 it:0.0171 up:0.0151 him:0.0129 them:0.0118 is:0.0111 out:0.0092 the:0.0074 that:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6783 and:0.0562 of:0.0431 the:0.0424 was:0.0394 to:0.0384 is:0.0350 in:0.0350 for:0.0164 are:0.0159 -:0.6201 the:0.1185 to:0.1038 and:0.0447 of:0.0284 will:0.0223 a:0.0198 would:0.0152 was:0.0143 is:0.0130 -:0.8139 of:0.0478 and:0.0370 to:0.0354 in:0.0167 for:0.0104 by:0.0104 as:0.0099 the:0.0098 is:0.0086 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -:0.6682 the:0.1631 a:0.0409 and:0.0378 of:0.0247 he:0.0152 his:0.0152 this:0.0119 that:0.0116 their:0.0113 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9527 city:0.0099 same:0.0066 time:0.0056 people:0.0054 country:0.0052 land:0.0042 world:0.0037 result:0.0033 government:0.0033 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7361 and:0.0505 it:0.0448 he:0.0388 a:0.0353 that:0.0333 to:0.0176 as:0.0162 the:0.0154 him:0.0121 -to:0.3929 :0.4918 and:0.0366 of:0.0206 in:0.0183 the:0.0090 will:0.0087 or:0.0080 not:0.0075 for:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.7532 of:0.0774 and:0.0566 the:0.0287 a:0.0223 or:0.0164 for:0.0151 in:0.0109 is:0.0097 by:0.0097 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.9191 and:0.0202 the:0.0170 is:0.0088 of:0.0087 one:0.0060 to:0.0051 was:0.0050 a:0.0050 that:0.0050 -:0.6373 of:0.1613 and:0.0729 in:0.0260 the:0.0253 to:0.0232 or:0.0203 at:0.0120 is:0.0112 by:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7392 the:0.1266 a:0.0284 and:0.0233 of:0.0223 to:0.0208 it:0.0109 that:0.0099 in:0.0093 his:0.0093 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8177 those:0.0615 a:0.0245 men:0.0164 it:0.0162 and:0.0158 that:0.0148 one:0.0120 the:0.0117 he:0.0095 -:0.9488 man:0.0096 year:0.0072 day:0.0064 point:0.0061 long:0.0049 few:0.0047 hundred:0.0042 matter:0.0042 little:0.0040 -:0.9350 and:0.0111 as:0.0109 feet:0.0090 is:0.0071 time:0.0062 power:0.0061 them:0.0052 way:0.0048 years:0.0046 -:0.7859 the:0.0568 to:0.0318 he:0.0305 had:0.0214 it:0.0166 a:0.0161 has:0.0146 will:0.0134 they:0.0129 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9562 a:0.0087 the:0.0074 and:0.0070 be:0.0042 of:0.0038 is:0.0036 this:0.0033 that:0.0031 which:0.0026 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7328 the:0.1765 a:0.0247 any:0.0143 tho:0.0135 this:0.0105 his:0.0077 one:0.0071 such:0.0066 all:0.0064 -:0.6643 to:0.0934 in:0.0750 been:0.0316 by:0.0288 on:0.0272 that:0.0236 for:0.0196 from:0.0183 of:0.0182 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -more:0.3075 less:0.2952 :0.3531 rather:0.0119 better:0.0096 only:0.0082 yet:0.0049 not:0.0032 one:0.0032 the:0.0032 -:0.6292 to:0.0784 a:0.0652 the:0.0636 and:0.0546 of:0.0344 by:0.0277 in:0.0191 for:0.0161 at:0.0118 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.8961 man:0.0268 men:0.0229 people:0.0182 city:0.0091 same:0.0073 best:0.0054 first:0.0050 county:0.0047 whole:0.0047 -:0.7548 been:0.0950 the:0.0487 a:0.0266 to:0.0220 and:0.0162 of:0.0120 be:0.0103 in:0.0095 that:0.0049 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8700 same:0.0323 most:0.0206 first:0.0146 great:0.0135 said:0.0104 new:0.0100 present:0.0098 old:0.0097 whole:0.0091 -:0.8850 mortgage:0.0282 it:0.0170 we:0.0162 they:0.0137 he:0.0123 you:0.0077 there:0.0075 that:0.0066 and:0.0058 -:0.9562 years:0.0083 day:0.0062 hundred:0.0062 men:0.0053 days:0.0044 and:0.0036 time:0.0035 of:0.0033 more:0.0031 -:0.5947 of:0.1740 in:0.0594 to:0.0340 and:0.0310 with:0.0289 for:0.0278 on:0.0198 at:0.0158 from:0.0146 -:0.8801 day:0.0437 line:0.0204 out:0.0121 side:0.0103 part:0.0088 number:0.0088 and:0.0056 one:0.0052 quarter:0.0050 -:0.7719 that:0.0533 as:0.0360 and:0.0352 the:0.0243 of:0.0229 if:0.0201 but:0.0134 for:0.0124 which:0.0105 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.7817 he:0.0484 and:0.0352 the:0.0335 to:0.0197 be:0.0175 is:0.0171 was:0.0168 will:0.0153 who:0.0147 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7793 to:0.0557 and:0.0500 of:0.0417 in:0.0216 is:0.0128 the:0.0113 will:0.0099 for:0.0095 from:0.0082 -:0.5728 to:0.1488 and:0.0821 of:0.0511 will:0.0485 was:0.0244 would:0.0223 in:0.0222 is:0.0154 for:0.0124 -the:0.5393 :0.2271 a:0.0927 his:0.0405 this:0.0274 their:0.0193 tho:0.0169 any:0.0131 its:0.0120 our:0.0118 -:0.7919 the:0.0956 a:0.0268 that:0.0216 and:0.0179 his:0.0154 of:0.0098 all:0.0073 their:0.0073 other:0.0064 -:0.5777 he:0.1943 it:0.0975 there:0.0304 she:0.0205 and:0.0191 they:0.0173 that:0.0162 which:0.0149 the:0.0120 -:0.9074 is:0.0247 was:0.0195 and:0.0153 are:0.0072 to:0.0070 were:0.0052 out:0.0047 up:0.0046 made:0.0044 -:0.8917 it:0.0291 time:0.0224 day:0.0116 that:0.0111 city:0.0077 man:0.0072 which:0.0066 case:0.0066 law:0.0061 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8294 to:0.0534 and:0.0290 of:0.0217 as:0.0207 in:0.0145 will:0.0081 are:0.0081 at:0.0080 for:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -:0.8483 to:0.0303 and:0.0274 the:0.0184 them:0.0177 it:0.0151 you:0.0134 be:0.0103 him:0.0098 have:0.0093 -:0.7328 of:0.0879 and:0.0561 to:0.0400 in:0.0171 which:0.0171 are:0.0162 will:0.0143 or:0.0094 the:0.0092 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7938 of:0.0470 the:0.0436 and:0.0327 that:0.0192 a:0.0169 to:0.0164 in:0.0127 for:0.0090 ago:0.0087 -:0.7800 to:0.0710 and:0.0264 as:0.0237 in:0.0217 of:0.0211 for:0.0158 from:0.0143 by:0.0141 that:0.0119 -:0.7890 and:0.0654 to:0.0450 the:0.0199 is:0.0184 was:0.0171 of:0.0144 a:0.0109 in:0.0100 will:0.0099 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7729 the:0.1298 a:0.0365 it:0.0133 he:0.0089 tho:0.0085 one:0.0079 to:0.0077 that:0.0076 an:0.0070 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -other:0.1672 :0.7194 the:0.0288 a:0.0245 of:0.0153 great:0.0150 very:0.0082 old:0.0080 supreme:0.0072 new:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9576 same:0.0068 people:0.0065 right:0.0051 world:0.0049 county:0.0045 men:0.0042 man:0.0039 bill:0.0034 best:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8131 and:0.0551 to:0.0276 was:0.0228 of:0.0224 is:0.0179 the:0.0119 or:0.0108 in:0.0094 be:0.0089 -:0.8460 him:0.0511 them:0.0263 it:0.0259 up:0.0146 us:0.0103 and:0.0075 me:0.0068 out:0.0060 one:0.0054 -:0.8184 the:0.0449 to:0.0367 and:0.0308 a:0.0195 of:0.0152 in:0.0113 is:0.0094 was:0.0075 said:0.0063 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6366 of:0.1381 to:0.0617 and:0.0379 in:0.0300 is:0.0267 the:0.0199 for:0.0173 was:0.0167 a:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5721 a:0.1957 been:0.0981 the:0.0457 no:0.0281 not:0.0204 to:0.0131 in:0.0119 an:0.0084 any:0.0066 -:0.7502 and:0.1096 to:0.0557 of:0.0295 or:0.0137 days:0.0087 years:0.0083 are:0.0083 is:0.0082 in:0.0078 -of:0.3475 :0.4086 and:0.0765 to:0.0517 in:0.0343 for:0.0243 by:0.0161 as:0.0149 is:0.0136 at:0.0124 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7123 of:0.1030 and:0.0749 to:0.0322 in:0.0186 for:0.0135 was:0.0130 is:0.0124 or:0.0106 by:0.0095 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -been:0.2616 the:0.0388 :0.5825 a:0.0275 seen:0.0189 made:0.0152 no:0.0151 done:0.0146 not:0.0132 gone:0.0126 -:0.6408 a:0.1355 the:0.0713 of:0.0396 in:0.0281 no:0.0228 at:0.0173 with:0.0170 by:0.0148 and:0.0129 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6914 the:0.1187 a:0.0409 to:0.0335 and:0.0260 is:0.0233 no:0.0179 was:0.0175 are:0.0158 will:0.0149 -:0.8810 the:0.0207 is:0.0183 and:0.0173 be:0.0164 was:0.0143 a:0.0107 are:0.0086 have:0.0073 had:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7345 to:0.0877 the:0.0479 a:0.0447 and:0.0320 he:0.0218 it:0.0088 they:0.0079 that:0.0077 of:0.0071 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.6704 of:0.0651 and:0.0636 to:0.0497 is:0.0362 that:0.0280 for:0.0232 as:0.0218 was:0.0213 the:0.0207 -:0.7806 the:0.0468 and:0.0397 of:0.0368 to:0.0325 in:0.0157 a:0.0142 for:0.0117 that:0.0114 as:0.0106 -is:0.3134 was:0.1693 :0.4020 are:0.0310 in:0.0196 have:0.0135 were:0.0132 as:0.0130 of:0.0126 with:0.0124 -:0.7823 the:0.0872 and:0.0243 to:0.0209 of:0.0182 a:0.0172 it:0.0138 that:0.0130 in:0.0124 which:0.0108 -:0.8220 the:0.0637 in:0.0267 all:0.0196 a:0.0145 he:0.0145 to:0.0136 for:0.0090 by:0.0083 it:0.0081 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6160 of:0.0980 to:0.0778 and:0.0717 in:0.0274 that:0.0258 or:0.0241 the:0.0220 for:0.0197 a:0.0173 -:0.9232 the:0.0170 him:0.0137 them:0.0114 said:0.0065 all:0.0062 one:0.0057 us:0.0056 that:0.0056 and:0.0051 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7659 and:0.0536 of:0.0503 to:0.0336 or:0.0172 that:0.0170 in:0.0167 for:0.0165 at:0.0148 are:0.0144 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0441 :0.8427 a:0.0241 and:0.0156 was:0.0145 be:0.0144 is:0.0138 as:0.0117 are:0.0102 have:0.0088 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.9034 a:0.0225 the:0.0112 well:0.0110 very:0.0094 one:0.0086 not:0.0086 to:0.0086 and:0.0084 good:0.0082 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8417 more:0.0914 less:0.0204 and:0.0148 that:0.0064 better:0.0061 one:0.0060 to:0.0055 of:0.0039 other:0.0037 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.5837 of:0.1375 the:0.0860 a:0.0568 in:0.0385 and:0.0310 to:0.0280 for:0.0173 by:0.0110 with:0.0101 -:0.7051 of:0.0618 is:0.0464 in:0.0393 was:0.0343 and:0.0275 that:0.0259 as:0.0225 are:0.0198 were:0.0174 -:0.7911 to:0.0380 in:0.0327 of:0.0306 and:0.0259 the:0.0250 a:0.0219 at:0.0127 by:0.0117 for:0.0106 -:0.8013 the:0.0644 of:0.0296 that:0.0262 and:0.0212 to:0.0178 a:0.0131 in:0.0110 or:0.0078 for:0.0076 -:0.8973 and:0.0296 of:0.0162 the:0.0140 to:0.0091 is:0.0085 in:0.0074 was:0.0067 time:0.0058 a:0.0054 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9285 same:0.0152 last:0.0100 most:0.0079 first:0.0077 other:0.0077 past:0.0065 old:0.0058 present:0.0055 best:0.0052 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7518 of:0.0794 and:0.0599 to:0.0287 in:0.0205 for:0.0160 the:0.0129 that:0.0107 is:0.0101 as:0.0099 -:0.7490 to:0.0566 in:0.0507 by:0.0356 that:0.0221 on:0.0201 of:0.0185 for:0.0172 at:0.0153 only:0.0149 -:0.5955 of:0.1560 and:0.0755 the:0.0445 to:0.0349 that:0.0292 in:0.0189 a:0.0155 or:0.0154 for:0.0146 -:0.6628 of:0.0740 in:0.0616 at:0.0434 and:0.0415 to:0.0316 that:0.0239 for:0.0226 from:0.0219 on:0.0168 -:0.6816 been:0.1682 not:0.0549 a:0.0262 the:0.0207 taken:0.0127 never:0.0095 made:0.0093 to:0.0086 done:0.0084 -:0.7569 the:0.0968 a:0.0378 and:0.0352 to:0.0239 of:0.0222 this:0.0085 that:0.0063 in:0.0062 tho:0.0061 -:0.8211 and:0.0475 to:0.0436 of:0.0228 the:0.0135 that:0.0124 is:0.0110 was:0.0108 who:0.0098 he:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8598 the:0.0460 and:0.0180 that:0.0157 of:0.0151 to:0.0128 a:0.0125 in:0.0108 it:0.0050 for:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6295 of:0.1598 and:0.0525 to:0.0459 who:0.0374 in:0.0256 is:0.0153 was:0.0139 are:0.0101 or:0.0100 -to:0.3767 :0.3836 of:0.0723 the:0.0483 and:0.0418 a:0.0212 in:0.0190 by:0.0181 or:0.0107 for:0.0082 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.8422 of:0.0552 and:0.0290 that:0.0189 in:0.0154 as:0.0122 for:0.0100 with:0.0064 to:0.0060 day:0.0047 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8190 of:0.0418 and:0.0372 the:0.0256 a:0.0208 is:0.0130 in:0.0129 that:0.0122 was:0.0088 for:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8918 day:0.0186 side:0.0163 line:0.0152 one:0.0141 out:0.0137 part:0.0109 and:0.0100 number:0.0049 that:0.0045 -:0.7678 the:0.0815 he:0.0462 and:0.0204 a:0.0186 this:0.0153 she:0.0149 they:0.0140 who:0.0117 it:0.0095 -:0.8538 and:0.0287 is:0.0285 was:0.0243 the:0.0174 of:0.0114 has:0.0110 had:0.0105 who:0.0073 as:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8259 of:0.0633 and:0.0337 to:0.0236 in:0.0134 from:0.0096 for:0.0089 is:0.0080 as:0.0072 or:0.0063 -:0.6915 the:0.1026 a:0.0853 to:0.0406 that:0.0209 and:0.0151 an:0.0130 in:0.0117 follows:0.0098 said:0.0096 -:0.7115 the:0.0779 to:0.0512 of:0.0314 in:0.0296 and:0.0268 that:0.0264 it:0.0179 he:0.0139 a:0.0136 -:0.7402 the:0.0751 and:0.0319 of:0.0290 is:0.0246 be:0.0219 was:0.0216 a:0.0205 are:0.0181 in:0.0171 -:0.7489 to:0.0553 of:0.0468 the:0.0393 and:0.0358 in:0.0257 that:0.0187 for:0.0102 by:0.0098 with:0.0096 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.8769 and:0.0338 of:0.0205 to:0.0145 the:0.0125 a:0.0103 it:0.0087 in:0.0079 that:0.0075 which:0.0074 -has:0.2746 had:0.2164 have:0.1420 :0.2637 he:0.0298 having:0.0278 the:0.0158 they:0.0111 lias:0.0096 it:0.0092 -the:0.4742 :0.2744 a:0.0779 this:0.0570 his:0.0413 their:0.0186 any:0.0167 tho:0.0164 its:0.0145 all:0.0090 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.9480 hour:0.0215 old:0.0061 is:0.0043 acre:0.0038 inch:0.0037 years:0.0033 opportunity:0.0032 home:0.0031 and:0.0029 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -of:0.4256 :0.2988 and:0.0707 to:0.0577 in:0.0474 for:0.0330 from:0.0226 with:0.0200 on:0.0138 by:0.0102 -:0.4554 we:0.2059 they:0.1629 he:0.0444 will:0.0321 would:0.0269 you:0.0260 to:0.0169 it:0.0163 may:0.0131 -by:0.1273 :0.3650 in:0.1082 to:0.1042 of:0.0984 for:0.0482 on:0.0476 at:0.0378 from:0.0326 with:0.0308 -:0.8999 time:0.0207 country:0.0160 city:0.0126 year:0.0121 morning:0.0101 way:0.0094 state:0.0068 of:0.0065 week:0.0059 -:0.7420 the:0.0640 of:0.0473 to:0.0439 and:0.0365 in:0.0173 a:0.0143 that:0.0137 by:0.0116 for:0.0094 -:0.7776 a:0.0584 the:0.0409 are:0.0346 and:0.0206 he:0.0191 have:0.0176 it:0.0111 that:0.0106 of:0.0096 -:0.7919 is:0.0367 the:0.0319 and:0.0319 of:0.0306 was:0.0222 to:0.0149 as:0.0142 for:0.0131 in:0.0126 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7414 to:0.0702 of:0.0499 and:0.0485 the:0.0250 in:0.0237 is:0.0124 for:0.0106 have:0.0094 will:0.0089 -:0.8833 the:0.0568 this:0.0113 it:0.0087 one:0.0084 sale:0.0077 his:0.0064 life:0.0062 them:0.0057 which:0.0055 -:0.7970 the:0.0913 his:0.0190 this:0.0188 these:0.0145 which:0.0133 a:0.0125 their:0.0125 tho:0.0123 any:0.0088 -:0.9050 the:0.0363 that:0.0142 a:0.0094 and:0.0085 which:0.0063 other:0.0062 one:0.0050 this:0.0047 in:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.6651 the:0.2070 a:0.0468 this:0.0154 his:0.0141 said:0.0127 any:0.0117 all:0.0093 their:0.0092 these:0.0088 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.8867 to:0.0225 it:0.0165 and:0.0143 as:0.0141 that:0.0108 you:0.0102 come:0.0085 go:0.0083 he:0.0082 -:0.6905 and:0.0676 to:0.0561 of:0.0558 in:0.0317 as:0.0291 for:0.0244 the:0.0163 or:0.0153 at:0.0132 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.4932 of:0.1726 and:0.0991 is:0.0583 to:0.0518 in:0.0398 was:0.0379 has:0.0167 are:0.0156 or:0.0149 -:0.7065 of:0.0818 the:0.0647 and:0.0483 to:0.0197 or:0.0176 in:0.0169 a:0.0156 he:0.0146 which:0.0144 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.8810 the:0.0207 is:0.0183 and:0.0173 be:0.0164 was:0.0143 a:0.0107 are:0.0086 have:0.0073 had:0.0054 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7110 to:0.0567 of:0.0557 the:0.0527 and:0.0453 a:0.0313 for:0.0145 in:0.0129 was:0.0101 with:0.0097 -:0.7759 of:0.0928 and:0.0360 who:0.0171 is:0.0150 the:0.0139 are:0.0135 in:0.0125 as:0.0118 to:0.0115 -:0.7699 the:0.0936 and:0.0229 was:0.0206 be:0.0188 is:0.0174 a:0.0174 to:0.0139 have:0.0136 of:0.0119 -the:0.2940 :0.5781 a:0.0400 his:0.0203 tho:0.0157 it:0.0122 an:0.0108 their:0.0102 this:0.0094 all:0.0092 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.7326 the:0.0448 and:0.0412 of:0.0383 to:0.0365 that:0.0279 as:0.0240 in:0.0222 be:0.0174 for:0.0152 -:0.8535 to:0.0370 and:0.0235 that:0.0192 as:0.0145 not:0.0119 or:0.0109 of:0.0104 in:0.0099 a:0.0091 -:0.5775 is:0.1386 was:0.0791 to:0.0557 and:0.0326 the:0.0281 in:0.0260 a:0.0230 of:0.0220 will:0.0173 -:0.6659 the:0.1591 his:0.0471 a:0.0271 of:0.0271 their:0.0266 in:0.0136 this:0.0112 our:0.0111 and:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3363 :0.5066 a:0.0443 his:0.0255 tho:0.0216 this:0.0191 our:0.0147 their:0.0126 her:0.0107 these:0.0085 -:0.7150 as:0.0748 and:0.0627 of:0.0364 to:0.0302 the:0.0277 a:0.0183 is:0.0145 so:0.0119 or:0.0086 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -:0.9259 same:0.0154 first:0.0104 last:0.0091 best:0.0083 said:0.0064 most:0.0062 whole:0.0062 two:0.0060 other:0.0060 -:0.7413 to:0.0693 of:0.0495 and:0.0367 in:0.0318 the:0.0183 by:0.0162 from:0.0136 with:0.0131 for:0.0103 -the:0.3824 :0.3862 a:0.1316 tho:0.0195 this:0.0185 any:0.0137 tbe:0.0137 his:0.0121 to:0.0113 its:0.0110 -:0.9508 them:0.0116 him:0.0054 land:0.0052 it:0.0050 said:0.0049 the:0.0048 sale:0.0047 money:0.0042 us:0.0034 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.1698 of:0.1235 :0.5391 a:0.0379 in:0.0275 to:0.0268 his:0.0255 tho:0.0251 this:0.0132 with:0.0116 -:0.7391 of:0.0597 in:0.0562 on:0.0266 for:0.0265 that:0.0210 by:0.0191 to:0.0174 from:0.0174 with:0.0170 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6892 to:0.0744 in:0.0561 that:0.0329 with:0.0319 by:0.0299 for:0.0292 the:0.0224 on:0.0195 at:0.0144 -:0.6133 the:0.1463 be:0.1264 a:0.0408 have:0.0187 tho:0.0135 do:0.0129 his:0.0105 her:0.0090 this:0.0086 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.5866 of:0.1001 and:0.0991 to:0.0722 in:0.0294 with:0.0270 by:0.0263 for:0.0231 or:0.0196 at:0.0167 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6843 of:0.1108 and:0.0551 to:0.0413 in:0.0247 the:0.0240 is:0.0175 as:0.0154 or:0.0150 for:0.0120 -:0.8861 and:0.0278 the:0.0173 is:0.0154 was:0.0132 that:0.0124 it:0.0078 one:0.0070 are:0.0065 to:0.0065 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7546 of:0.0836 and:0.0435 the:0.0258 to:0.0240 in:0.0172 was:0.0144 is:0.0137 or:0.0129 that:0.0103 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8821 other:0.0240 doubt:0.0208 one:0.0203 the:0.0128 two:0.0106 time:0.0086 more:0.0081 and:0.0066 last:0.0060 -:0.5603 in:0.0821 of:0.0751 for:0.0555 to:0.0483 and:0.0451 is:0.0396 was:0.0357 at:0.0295 as:0.0288 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.8494 to:0.0387 and:0.0318 of:0.0164 but:0.0131 in:0.0129 that:0.0120 so:0.0116 with:0.0079 out:0.0062 -:0.6331 that:0.1271 as:0.0667 if:0.0538 when:0.0291 and:0.0216 but:0.0187 which:0.0171 before:0.0164 for:0.0163 -not:0.2509 the:0.0848 a:0.0490 no:0.0365 an:0.0149 any:0.0148 very:0.0139 so:0.0137 hereby:0.0104 his:0.0084 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.6556 to:0.0837 of:0.0743 and:0.0523 the:0.0478 in:0.0300 a:0.0149 on:0.0143 that:0.0139 for:0.0133 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.5311 the:0.2813 a:0.0515 that:0.0276 and:0.0250 his:0.0191 to:0.0187 of:0.0159 in:0.0152 as:0.0146 -to:0.1158 :0.5994 will:0.0693 the:0.0553 would:0.0394 we:0.0305 a:0.0289 and:0.0209 they:0.0202 he:0.0202 -:0.9367 and:0.0126 that:0.0102 him:0.0101 as:0.0061 it:0.0053 is:0.0049 work:0.0048 a:0.0047 us:0.0047 -:0.8110 and:0.0677 to:0.0397 of:0.0200 for:0.0120 but:0.0119 day:0.0102 that:0.0101 out:0.0090 is:0.0085 -:0.6944 the:0.0863 a:0.0729 of:0.0489 and:0.0422 is:0.0142 for:0.0113 was:0.0105 by:0.0096 his:0.0096 -a:0.0489 the:0.0246 no:0.0210 :0.8636 found:0.0081 so:0.0075 an:0.0075 made:0.0068 seen:0.0065 duly:0.0055 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7252 to:0.0774 in:0.0377 for:0.0285 with:0.0269 that:0.0248 as:0.0236 such:0.0200 if:0.0180 by:0.0179 -:0.9354 right:0.0103 power:0.0086 way:0.0084 as:0.0077 time:0.0073 back:0.0057 subject:0.0057 able:0.0056 and:0.0053 -:0.7984 and:0.0574 to:0.0313 of:0.0234 the:0.0218 a:0.0154 was:0.0153 as:0.0144 is:0.0128 are:0.0098 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8460 of:0.0490 and:0.0224 that:0.0191 to:0.0170 in:0.0125 for:0.0094 as:0.0090 from:0.0089 with:0.0067 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.7612 the:0.0774 to:0.0437 and:0.0221 a:0.0218 in:0.0207 of:0.0201 by:0.0114 that:0.0111 at:0.0104 -:0.9474 in:0.0120 of:0.0070 for:0.0059 to:0.0057 good:0.0048 and:0.0047 very:0.0043 m:0.0042 by:0.0040 -the:0.5094 :0.3320 a:0.0835 per:0.0177 tho:0.0144 their:0.0107 any:0.0095 our:0.0080 his:0.0080 this:0.0068 -:0.6770 be:0.2010 do:0.0381 the:0.0211 have:0.0167 bo:0.0137 get:0.0090 make:0.0089 a:0.0076 see:0.0067 -the:0.0692 a:0.0213 their:0.0174 its:0.0134 :0.8351 an:0.0110 tho:0.0105 tbe:0.0086 his:0.0074 our:0.0060 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.5753 the:0.2461 a:0.0700 to:0.0180 tho:0.0173 an:0.0158 that:0.0155 and:0.0150 of:0.0142 his:0.0128 -:0.8379 a:0.0340 to:0.0293 and:0.0249 the:0.0161 in:0.0145 not:0.0124 be:0.0123 he:0.0104 of:0.0082 -:0.6509 of:0.1049 to:0.0870 and:0.0542 in:0.0263 the:0.0232 at:0.0157 by:0.0143 with:0.0120 for:0.0116 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6215 of:0.1864 and:0.0582 to:0.0433 in:0.0235 is:0.0152 or:0.0141 the:0.0128 that:0.0125 for:0.0125 -the:0.2358 :0.5729 a:0.0512 this:0.0368 his:0.0234 any:0.0213 tho:0.0183 their:0.0159 its:0.0129 all:0.0115 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9693 it:0.0069 provided:0.0040 made:0.0037 as:0.0029 then:0.0028 and:0.0028 that:0.0026 is:0.0025 there:0.0025 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8405 the:0.0467 and:0.0290 he:0.0202 a:0.0170 it:0.0156 who:0.0120 is:0.0067 this:0.0062 his:0.0061 -:0.6200 the:0.1287 of:0.0738 and:0.0430 a:0.0351 in:0.0298 for:0.0197 to:0.0189 by:0.0165 at:0.0145 -to:0.4363 will:0.1368 :0.1923 shall:0.0568 would:0.0369 can:0.0338 should:0.0320 may:0.0309 and:0.0230 not:0.0212 -:0.7363 of:0.0793 and:0.0575 the:0.0348 in:0.0253 to:0.0201 a:0.0124 for:0.0124 or:0.0117 is:0.0102 -:0.9353 and:0.0122 that:0.0083 way:0.0079 him:0.0075 it:0.0070 time:0.0068 them:0.0053 men:0.0050 interest:0.0047 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9216 made:0.0182 not:0.0108 paid:0.0105 ready:0.0074 out:0.0073 and:0.0064 given:0.0063 it:0.0061 found:0.0054 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9281 same:0.0154 most:0.0126 next:0.0075 best:0.0071 last:0.0070 first:0.0069 old:0.0055 other:0.0052 said:0.0047 -the:0.3741 :0.4383 a:0.0608 tho:0.0251 his:0.0245 this:0.0230 said:0.0197 our:0.0144 their:0.0106 all:0.0095 -:0.6266 the:0.2002 to:0.0426 a:0.0351 his:0.0202 any:0.0196 and:0.0184 that:0.0134 in:0.0127 other:0.0113 -:0.7488 to:0.0581 of:0.0457 and:0.0429 in:0.0310 the:0.0217 that:0.0144 for:0.0133 as:0.0124 he:0.0117 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6600 the:0.1483 a:0.0479 and:0.0454 of:0.0362 to:0.0288 in:0.0098 this:0.0083 tho:0.0082 or:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6705 of:0.0809 to:0.0557 the:0.0465 and:0.0434 that:0.0404 in:0.0206 a:0.0188 for:0.0123 or:0.0108 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6816 of:0.1154 to:0.0589 and:0.0341 the:0.0304 for:0.0190 in:0.0168 a:0.0164 with:0.0143 on:0.0131 -:0.9659 city:0.0086 country:0.0043 year:0.0039 hundred:0.0031 time:0.0030 law:0.0030 world:0.0028 house:0.0027 work:0.0026 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8360 and:0.0509 to:0.0290 he:0.0258 it:0.0131 of:0.0128 is:0.0105 will:0.0092 one:0.0068 the:0.0059 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7775 the:0.0754 to:0.0509 a:0.0496 and:0.0117 other:0.0086 we:0.0074 his:0.0069 they:0.0063 any:0.0058 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8926 more:0.0214 less:0.0159 he:0.0128 one:0.0117 the:0.0105 it:0.0102 and:0.0088 that:0.0082 two:0.0080 -:0.9200 and:0.0167 hundred:0.0091 up:0.0090 to:0.0089 ago:0.0087 in:0.0078 that:0.0076 of:0.0065 or:0.0057 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6241 of:0.1196 in:0.0608 and:0.0374 to:0.0350 the:0.0350 for:0.0334 with:0.0211 a:0.0174 by:0.0162 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8029 of:0.0650 and:0.0395 to:0.0169 in:0.0162 as:0.0144 for:0.0140 at:0.0117 or:0.0097 with:0.0096 -:0.6230 is:0.1066 are:0.0708 was:0.0685 the:0.0334 were:0.0327 and:0.0205 will:0.0169 of:0.0141 to:0.0134 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.6643 to:0.0934 in:0.0750 been:0.0316 by:0.0288 on:0.0272 that:0.0236 for:0.0196 from:0.0183 of:0.0182 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.9248 are:0.0130 is:0.0118 was:0.0094 the:0.0093 were:0.0074 a:0.0063 had:0.0062 has:0.0061 have:0.0056 -:0.8723 and:0.0352 to:0.0210 is:0.0162 of:0.0129 was:0.0091 or:0.0088 that:0.0086 are:0.0083 in:0.0077 -of:0.2454 :0.4460 in:0.0972 for:0.0437 that:0.0388 and:0.0340 at:0.0320 on:0.0292 to:0.0169 by:0.0168 -:0.8627 young:0.0237 other:0.0200 th:0.0167 old:0.0148 whole:0.0138 same:0.0129 said:0.0120 a:0.0120 last:0.0114 -:0.6888 a:0.1290 the:0.0806 of:0.0415 and:0.0195 his:0.0132 this:0.0074 that:0.0070 for:0.0067 their:0.0064 -:0.7117 be:0.1177 the:0.0639 do:0.0395 get:0.0165 take:0.0151 a:0.0109 have:0.0085 see:0.0082 to:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6757 to:0.0929 the:0.0570 of:0.0414 and:0.0322 in:0.0318 a:0.0230 for:0.0169 by:0.0151 that:0.0139 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.7817 the:0.0559 and:0.0401 to:0.0306 was:0.0225 a:0.0208 of:0.0200 is:0.0116 are:0.0085 be:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9003 most:0.0211 same:0.0162 great:0.0116 first:0.0108 said:0.0099 other:0.0077 two:0.0076 present:0.0074 last:0.0073 -the:0.5036 :0.3242 a:0.0809 tho:0.0229 his:0.0217 their:0.0106 this:0.0104 its:0.0096 our:0.0089 any:0.0072 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.8556 and:0.0359 is:0.0315 was:0.0229 of:0.0161 are:0.0100 it:0.0078 but:0.0069 has:0.0067 that:0.0066 -:0.7221 the:0.0725 is:0.0442 of:0.0376 and:0.0350 was:0.0220 as:0.0201 to:0.0160 a:0.0157 in:0.0148 -:0.9503 time:0.0119 and:0.0077 day:0.0058 way:0.0051 year:0.0049 man:0.0039 city:0.0036 men:0.0035 place:0.0034 -:0.8741 of:0.0363 in:0.0149 a:0.0145 and:0.0130 to:0.0115 much:0.0109 for:0.0107 at:0.0072 on:0.0070 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6880 the:0.1248 to:0.0693 and:0.0352 of:0.0286 a:0.0161 in:0.0113 was:0.0105 his:0.0085 is:0.0078 -:0.7928 and:0.0598 is:0.0353 was:0.0233 of:0.0174 to:0.0157 the:0.0146 it:0.0145 that:0.0135 as:0.0130 -of:0.3033 :0.3542 in:0.0753 to:0.0635 for:0.0512 from:0.0391 and:0.0293 on:0.0287 with:0.0282 by:0.0273 -:0.7484 as:0.0634 and:0.0398 that:0.0332 who:0.0227 is:0.0218 which:0.0211 but:0.0180 we:0.0163 it:0.0153 -:0.9316 up:0.0127 days:0.0089 him:0.0087 and:0.0076 years:0.0070 it:0.0068 them:0.0060 in:0.0055 time:0.0050 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7029 had:0.0748 to:0.0440 has:0.0360 been:0.0340 be:0.0300 have:0.0280 was:0.0213 and:0.0146 is:0.0144 -the:0.2987 :0.4336 a:0.1342 his:0.0331 of:0.0302 to:0.0165 in:0.0154 their:0.0134 an:0.0127 by:0.0122 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8366 in:0.0294 as:0.0243 that:0.0192 for:0.0176 is:0.0174 was:0.0169 with:0.0145 by:0.0126 to:0.0116 -:0.6285 been:0.1326 a:0.0763 the:0.0514 no:0.0466 to:0.0237 not:0.0145 an:0.0096 it:0.0086 his:0.0082 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9329 and:0.0134 out:0.0133 line:0.0088 side:0.0067 one:0.0056 amount:0.0055 part:0.0049 of:0.0047 to:0.0043 -:0.7939 of:0.0524 the:0.0384 and:0.0373 to:0.0207 in:0.0169 a:0.0124 that:0.0115 as:0.0089 or:0.0076 -of:0.2822 :0.5506 and:0.0499 in:0.0323 to:0.0184 the:0.0176 or:0.0131 is:0.0129 for:0.0119 at:0.0112 -a:0.0174 the:0.0171 :0.9373 said:0.0047 an:0.0047 th:0.0045 its:0.0040 this:0.0039 our:0.0033 his:0.0031 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.6061 the:0.2269 a:0.0670 and:0.0313 of:0.0218 to:0.0112 is:0.0099 his:0.0088 tho:0.0086 this:0.0084 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.7003 it:0.1127 been:0.0792 there:0.0512 he:0.0157 not:0.0147 that:0.0086 never:0.0069 ever:0.0054 done:0.0053 -:0.6999 to:0.1248 as:0.0337 and:0.0259 it:0.0250 has:0.0234 he:0.0205 have:0.0176 is:0.0148 of:0.0145 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -the:0.2928 a:0.1410 :0.4055 of:0.0581 and:0.0301 tho:0.0168 in:0.0159 to:0.0136 by:0.0133 his:0.0130 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.7668 the:0.0933 a:0.0408 and:0.0315 of:0.0271 that:0.0092 or:0.0084 is:0.0084 this:0.0077 was:0.0068 -of:0.2144 :0.4566 in:0.0844 and:0.0440 to:0.0439 for:0.0377 on:0.0325 from:0.0309 by:0.0305 with:0.0250 -:0.8908 the:0.0271 of:0.0267 and:0.0168 a:0.0078 to:0.0072 in:0.0065 as:0.0062 that:0.0062 or:0.0047 -:0.8667 of:0.0238 and:0.0203 to:0.0182 the:0.0168 in:0.0159 at:0.0114 for:0.0094 a:0.0091 that:0.0085 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.7627 the:0.0643 and:0.0454 of:0.0380 to:0.0266 in:0.0171 was:0.0149 has:0.0110 a:0.0105 is:0.0095 -:0.8499 the:0.0365 and:0.0297 is:0.0149 we:0.0140 they:0.0126 was:0.0111 are:0.0107 he:0.0104 to:0.0102 -:0.9469 the:0.0120 city:0.0066 he:0.0059 first:0.0057 same:0.0051 most:0.0049 last:0.0045 whole:0.0043 other:0.0042 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -the:0.2765 :0.4481 a:0.1244 his:0.0287 least:0.0257 all:0.0254 any:0.0200 tho:0.0186 this:0.0171 its:0.0154 -:0.8628 and:0.0319 that:0.0183 of:0.0173 to:0.0154 is:0.0142 as:0.0110 in:0.0107 with:0.0093 the:0.0092 -:0.5740 of:0.1902 and:0.0948 to:0.0494 in:0.0234 or:0.0169 for:0.0154 as:0.0129 is:0.0123 from:0.0107 -:0.7216 the:0.1142 and:0.0325 a:0.0283 is:0.0279 was:0.0234 of:0.0220 be:0.0118 he:0.0100 are:0.0085 -:0.6469 the:0.2186 a:0.0458 and:0.0160 in:0.0156 to:0.0154 his:0.0114 that:0.0104 of:0.0101 he:0.0097 -:0.7705 the:0.0832 a:0.0461 to:0.0329 and:0.0252 of:0.0185 his:0.0073 will:0.0056 or:0.0054 this:0.0051 -:0.7022 the:0.0888 and:0.0503 of:0.0445 a:0.0276 is:0.0236 to:0.0217 as:0.0146 in:0.0134 was:0.0133 -:0.7448 the:0.0715 of:0.0373 to:0.0323 a:0.0314 and:0.0275 in:0.0198 by:0.0132 that:0.0114 for:0.0108 -:0.9145 one:0.0269 all:0.0122 some:0.0100 it:0.0069 part:0.0069 out:0.0063 many:0.0061 time:0.0051 he:0.0051 -:0.8345 of:0.0305 a:0.0299 the:0.0290 and:0.0198 for:0.0139 that:0.0113 at:0.0113 by:0.0101 in:0.0097 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9138 day:0.0187 and:0.0179 year:0.0106 of:0.0094 time:0.0086 to:0.0069 man:0.0055 place:0.0045 line:0.0041 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7526 in:0.0517 to:0.0459 of:0.0277 less:0.0244 by:0.0226 at:0.0221 for:0.0206 on:0.0176 as:0.0147 -be:0.1826 :0.6723 the:0.0475 go:0.0210 do:0.0191 have:0.0150 a:0.0132 bo:0.0099 take:0.0097 get:0.0096 -:0.5739 of:0.1334 in:0.1032 to:0.0450 on:0.0297 for:0.0291 at:0.0261 by:0.0235 from:0.0184 and:0.0177 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.8752 made:0.0417 not:0.0128 owned:0.0126 taken:0.0119 paid:0.0104 followed:0.0091 out:0.0090 given:0.0088 caused:0.0086 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7844 the:0.0728 a:0.0461 of:0.0363 in:0.0161 and:0.0106 great:0.0091 short:0.0090 this:0.0081 for:0.0075 -the:0.2319 :0.4790 a:0.1016 to:0.0599 of:0.0369 and:0.0322 his:0.0284 their:0.0108 will:0.0097 be:0.0096 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7614 to:0.0585 the:0.0384 that:0.0369 a:0.0218 and:0.0212 it:0.0179 as:0.0166 of:0.0142 in:0.0131 -:0.6286 of:0.1038 the:0.0613 a:0.0498 to:0.0371 and:0.0316 in:0.0251 for:0.0235 by:0.0199 with:0.0195 -:0.5728 the:0.1781 that:0.0616 and:0.0574 a:0.0406 of:0.0252 to:0.0195 his:0.0191 in:0.0162 as:0.0096 -:0.9244 one:0.0147 day:0.0132 out:0.0119 part:0.0078 line:0.0072 and:0.0063 side:0.0062 number:0.0045 use:0.0038 -:0.8549 the:0.0445 be:0.0286 make:0.0138 pay:0.0115 get:0.0105 keep:0.0097 take:0.0093 a:0.0090 give:0.0081 -:0.7702 made:0.0712 in:0.0359 as:0.0218 found:0.0204 for:0.0193 to:0.0175 with:0.0161 held:0.0147 received:0.0128 -:0.6875 of:0.0790 the:0.0556 and:0.0518 a:0.0414 is:0.0194 in:0.0187 to:0.0174 his:0.0173 was:0.0120 -:0.8493 taken:0.0249 not:0.0241 so:0.0212 made:0.0202 found:0.0145 a:0.0138 given:0.0131 put:0.0096 laid:0.0091 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6351 of:0.0823 the:0.0650 to:0.0580 in:0.0446 and:0.0412 for:0.0253 a:0.0199 as:0.0162 or:0.0124 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7805 the:0.1097 he:0.0218 his:0.0171 a:0.0166 to:0.0119 that:0.0116 their:0.0112 all:0.0102 we:0.0094 -:0.8366 and:0.0486 is:0.0323 was:0.0182 to:0.0129 a:0.0128 are:0.0128 of:0.0093 will:0.0086 the:0.0080 -:0.7382 the:0.1072 a:0.0399 to:0.0235 and:0.0200 of:0.0166 he:0.0160 it:0.0144 that:0.0125 in:0.0117 -:0.7530 the:0.0745 of:0.0474 and:0.0444 a:0.0189 is:0.0168 in:0.0151 was:0.0105 at:0.0105 to:0.0090 -:0.9187 few:0.0163 good:0.0132 little:0.0124 certain:0.0080 great:0.0068 large:0.0065 very:0.0063 time:0.0060 man:0.0059 -:0.7934 and:0.0627 the:0.0318 of:0.0239 a:0.0205 is:0.0201 was:0.0181 to:0.0125 are:0.0085 be:0.0085 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.8131 and:0.0551 to:0.0276 was:0.0228 of:0.0224 is:0.0179 the:0.0119 or:0.0108 in:0.0094 be:0.0089 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8673 and:0.0277 or:0.0262 the:0.0215 of:0.0119 that:0.0104 a:0.0102 to:0.0088 one:0.0080 is:0.0080 -:0.8064 of:0.0423 to:0.0421 and:0.0392 will:0.0233 as:0.0118 a:0.0090 that:0.0089 the:0.0088 in:0.0083 -:0.7256 the:0.0704 a:0.0643 and:0.0345 he:0.0330 to:0.0271 it:0.0137 be:0.0136 his:0.0093 is:0.0086 -the:0.3270 :0.4893 a:0.0604 his:0.0286 tho:0.0212 which:0.0195 this:0.0177 their:0.0124 it:0.0124 our:0.0114 -:0.9399 and:0.0131 that:0.0088 line:0.0072 out:0.0063 side:0.0059 day:0.0053 one:0.0050 part:0.0044 number:0.0042 -:0.6742 of:0.1612 and:0.0479 to:0.0317 in:0.0253 the:0.0132 for:0.0132 or:0.0121 that:0.0106 who:0.0106 -:0.6817 the:0.1283 to:0.0349 and:0.0289 of:0.0275 in:0.0235 that:0.0209 at:0.0197 a:0.0185 by:0.0161 -:0.7787 the:0.0636 was:0.0319 a:0.0282 is:0.0217 has:0.0182 be:0.0172 it:0.0144 he:0.0140 have:0.0122 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0198 a:0.0140 this:0.0068 his:0.0051 :0.9349 an:0.0044 their:0.0042 he:0.0038 be:0.0035 tho:0.0035 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.0872 tho:0.0242 such:0.0169 this:0.0154 our:0.0125 a:0.0122 its:0.0110 :0.8044 their:0.0083 his:0.0078 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.8722 it:0.0567 he:0.0182 there:0.0152 that:0.0100 which:0.0094 she:0.0067 and:0.0047 what:0.0035 lie:0.0033 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8622 and:0.0377 was:0.0258 is:0.0213 the:0.0152 are:0.0093 a:0.0083 be:0.0071 it:0.0071 to:0.0059 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7212 of:0.0792 and:0.0517 to:0.0415 the:0.0267 in:0.0267 for:0.0160 a:0.0159 on:0.0115 with:0.0097 -:0.8622 the:0.0419 a:0.0250 and:0.0194 is:0.0104 of:0.0101 or:0.0091 two:0.0083 are:0.0078 his:0.0058 -:0.7547 of:0.0713 and:0.0572 to:0.0277 the:0.0218 for:0.0186 in:0.0139 is:0.0124 as:0.0115 was:0.0109 -:0.7425 it:0.0758 he:0.0668 which:0.0353 there:0.0208 that:0.0178 and:0.0153 she:0.0113 to:0.0100 be:0.0044 -of:0.3519 in:0.0859 to:0.0812 :0.2867 for:0.0443 and:0.0355 by:0.0349 on:0.0295 from:0.0272 with:0.0229 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -a:0.3795 the:0.1330 :0.3633 of:0.0292 and:0.0279 his:0.0242 any:0.0120 their:0.0116 or:0.0098 by:0.0095 -:0.5978 the:0.2199 a:0.1032 that:0.0132 be:0.0131 tho:0.0121 and:0.0118 no:0.0105 this:0.0091 to:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8425 and:0.0477 to:0.0256 will:0.0196 as:0.0143 we:0.0114 is:0.0110 they:0.0096 he:0.0092 that:0.0091 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8827 of:0.0325 to:0.0197 and:0.0131 in:0.0130 on:0.0087 for:0.0082 with:0.0077 by:0.0072 the:0.0072 -:0.7531 the:0.1038 a:0.0300 any:0.0190 one:0.0183 to:0.0177 and:0.0175 his:0.0174 all:0.0119 this:0.0113 -:0.9467 to:0.0125 as:0.0090 and:0.0078 or:0.0052 of:0.0049 out:0.0040 for:0.0034 have:0.0034 up:0.0030 -the:0.1076 be:0.1042 :0.6505 do:0.0334 have:0.0241 take:0.0235 get:0.0207 bo:0.0128 make:0.0122 a:0.0110 -:0.6422 was:0.0808 is:0.0685 are:0.0461 of:0.0345 and:0.0330 the:0.0291 a:0.0261 were:0.0233 be:0.0163 -:0.6960 to:0.1359 and:0.0421 was:0.0275 is:0.0251 of:0.0237 will:0.0151 in:0.0127 the:0.0116 for:0.0103 -:0.6392 of:0.1563 and:0.0507 the:0.0383 is:0.0306 in:0.0219 or:0.0173 was:0.0170 are:0.0151 to:0.0135 -:0.6925 the:0.1046 of:0.0515 and:0.0500 to:0.0299 that:0.0259 as:0.0134 a:0.0121 in:0.0117 for:0.0084 -:0.6694 to:0.0727 the:0.0556 in:0.0452 that:0.0344 of:0.0338 by:0.0277 and:0.0236 for:0.0198 a:0.0177 -:0.9376 same:0.0167 city:0.0073 most:0.0070 public:0.0067 best:0.0054 county:0.0053 first:0.0051 world:0.0049 other:0.0038 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9466 time:0.0081 way:0.0075 people:0.0073 world:0.0060 right:0.0056 city:0.0050 country:0.0050 land:0.0045 road:0.0043 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.6202 to:0.0591 of:0.0566 and:0.0536 the:0.0521 in:0.0362 for:0.0362 with:0.0345 that:0.0270 by:0.0245 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7805 the:0.1097 he:0.0218 his:0.0171 a:0.0166 to:0.0119 that:0.0116 their:0.0112 all:0.0102 we:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.8321 in:0.0303 of:0.0294 and:0.0209 to:0.0187 for:0.0168 that:0.0167 from:0.0128 on:0.0123 as:0.0100 -:0.8570 the:0.0372 of:0.0284 and:0.0259 to:0.0121 in:0.0119 with:0.0075 a:0.0070 for:0.0069 that:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.8884 and:0.0277 of:0.0188 the:0.0143 was:0.0097 is:0.0094 that:0.0082 have:0.0082 or:0.0081 had:0.0072 -the:0.4011 :0.4145 a:0.0723 his:0.0232 tho:0.0216 to:0.0179 said:0.0163 their:0.0132 an:0.0107 her:0.0090 -:0.5984 it:0.0866 they:0.0797 he:0.0663 you:0.0453 we:0.0408 there:0.0362 that:0.0176 which:0.0170 and:0.0121 -:0.7455 the:0.1264 to:0.0216 of:0.0206 a:0.0206 and:0.0177 it:0.0155 his:0.0116 in:0.0103 that:0.0101 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.2658 :0.5129 a:0.0704 that:0.0411 his:0.0209 tho:0.0197 it:0.0195 their:0.0173 to:0.0163 an:0.0160 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.4572 :0.3586 a:0.0688 his:0.0230 this:0.0229 tho:0.0165 said:0.0160 their:0.0153 an:0.0108 its:0.0108 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8134 is:0.0311 the:0.0253 and:0.0248 to:0.0225 he:0.0196 would:0.0194 was:0.0162 one:0.0139 will:0.0136 -:0.6635 he:0.1085 the:0.0568 it:0.0464 is:0.0394 they:0.0214 was:0.0184 she:0.0168 we:0.0155 are:0.0132 -:0.4052 in:0.1356 of:0.1220 to:0.1132 for:0.0515 at:0.0382 on:0.0372 that:0.0347 by:0.0330 and:0.0294 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.6715 to:0.0916 the:0.0510 a:0.0450 and:0.0318 in:0.0297 of:0.0288 that:0.0183 by:0.0176 for:0.0148 -:0.8427 is:0.0463 was:0.0262 and:0.0202 are:0.0173 of:0.0141 one:0.0087 in:0.0082 has:0.0082 a:0.0080 -:0.7825 the:0.0939 be:0.0609 a:0.0157 him:0.0101 her:0.0084 get:0.0078 this:0.0077 said:0.0066 have:0.0064 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9087 the:0.0233 order:0.0098 him:0.0098 this:0.0096 that:0.0094 them:0.0088 all:0.0076 it:0.0074 a:0.0057 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7934 the:0.0544 of:0.0333 and:0.0254 a:0.0253 that:0.0246 in:0.0138 to:0.0113 for:0.0098 as:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9476 same:0.0105 most:0.0089 city:0.0061 th:0.0048 people:0.0047 last:0.0047 first:0.0045 best:0.0042 county:0.0042 -of:0.3961 :0.4271 in:0.0410 to:0.0322 and:0.0256 for:0.0203 on:0.0168 or:0.0160 that:0.0128 with:0.0121 -:0.7630 of:0.0583 the:0.0372 to:0.0311 and:0.0287 in:0.0251 a:0.0180 is:0.0140 that:0.0128 are:0.0118 -:0.8761 same:0.0203 said:0.0182 other:0.0147 most:0.0140 the:0.0127 great:0.0118 last:0.0111 present:0.0109 old:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5462 to:0.1351 of:0.0993 the:0.0806 in:0.0421 and:0.0412 a:0.0205 by:0.0166 for:0.0094 with:0.0090 -:0.5550 it:0.1415 he:0.1251 that:0.0694 they:0.0301 we:0.0210 much:0.0202 far:0.0137 which:0.0126 you:0.0115 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.6777 the:0.0702 of:0.0400 is:0.0387 and:0.0369 has:0.0322 to:0.0316 was:0.0282 in:0.0254 it:0.0192 -:0.5894 of:0.1745 and:0.0680 to:0.0438 in:0.0370 is:0.0240 at:0.0195 on:0.0150 for:0.0146 with:0.0141 -are:0.1552 :0.6555 have:0.0639 were:0.0409 had:0.0371 do:0.0123 be:0.0120 is:0.0088 not:0.0074 was:0.0070 -a:0.0246 found:0.0130 :0.9061 made:0.0123 seen:0.0112 given:0.0076 able:0.0072 held:0.0064 deemed:0.0061 sold:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8064 of:0.0634 and:0.0402 the:0.0278 to:0.0161 in:0.0157 or:0.0087 a:0.0076 for:0.0071 at:0.0070 -:0.8302 and:0.0488 is:0.0277 was:0.0243 as:0.0127 of:0.0126 that:0.0118 to:0.0112 but:0.0105 it:0.0102 -:0.6983 and:0.0605 the:0.0604 is:0.0371 was:0.0349 to:0.0302 a:0.0282 of:0.0208 are:0.0170 were:0.0124 -:0.8795 one:0.0339 virtue:0.0315 some:0.0101 all:0.0100 each:0.0079 deed:0.0076 many:0.0068 those:0.0067 any:0.0060 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -be:0.1778 have:0.1553 not:0.1352 :0.4389 do:0.0224 is:0.0171 bo:0.0164 had:0.0143 are:0.0117 was:0.0110 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7603 the:0.0789 a:0.0483 one:0.0280 and:0.0237 of:0.0184 to:0.0125 is:0.0121 two:0.0095 in:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5558 the:0.1921 a:0.0966 of:0.0395 and:0.0306 his:0.0273 to:0.0166 in:0.0147 is:0.0136 was:0.0131 -:0.6156 the:0.1727 of:0.0505 a:0.0334 is:0.0292 and:0.0271 was:0.0257 in:0.0186 for:0.0143 as:0.0129 -:0.9210 chance:0.0117 visit:0.0108 right:0.0097 time:0.0090 desire:0.0088 year:0.0081 man:0.0073 letter:0.0069 return:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9452 hour:0.0162 act:0.0079 years:0.0064 early:0.0045 old:0.0045 office:0.0041 interest:0.0038 home:0.0037 acre:0.0036 -the:0.3270 :0.4893 a:0.0604 his:0.0286 tho:0.0212 which:0.0195 this:0.0177 their:0.0124 it:0.0124 our:0.0114 -the:0.0484 a:0.0464 to:0.0202 his:0.0185 an:0.0137 its:0.0121 no:0.0115 any:0.0112 :0.8075 their:0.0105 -:0.8887 it:0.0313 is:0.0190 he:0.0145 the:0.0117 was:0.0091 and:0.0076 are:0.0071 all:0.0060 there:0.0050 -:0.7698 of:0.0541 to:0.0477 and:0.0380 in:0.0278 for:0.0209 on:0.0159 was:0.0094 from:0.0091 as:0.0072 -:0.4438 of:0.1550 to:0.1144 in:0.0965 by:0.0391 on:0.0344 from:0.0310 with:0.0309 and:0.0275 for:0.0275 -:0.7958 the:0.0736 a:0.0615 that:0.0141 own:0.0122 and:0.0102 one:0.0098 his:0.0085 good:0.0072 their:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9610 same:0.0069 last:0.0055 first:0.0046 people:0.0044 county:0.0041 th:0.0035 two:0.0034 men:0.0034 time:0.0032 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.7713 the:0.0567 of:0.0446 and:0.0298 in:0.0211 a:0.0204 for:0.0156 to:0.0156 that:0.0134 with:0.0114 -:0.8293 and:0.0475 the:0.0339 to:0.0198 was:0.0150 of:0.0128 has:0.0124 is:0.0113 or:0.0090 had:0.0089 -:0.6119 the:0.1314 a:0.0687 of:0.0676 and:0.0470 to:0.0187 in:0.0160 for:0.0135 his:0.0134 is:0.0118 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.6681 of:0.0873 in:0.0684 to:0.0351 for:0.0285 and:0.0277 with:0.0276 on:0.0222 by:0.0181 at:0.0170 -:0.9359 same:0.0170 first:0.0090 most:0.0074 great:0.0060 the:0.0057 last:0.0054 next:0.0047 said:0.0046 whole:0.0044 -:0.8635 the:0.0487 and:0.0196 a:0.0195 of:0.0153 more:0.0088 two:0.0070 as:0.0064 is:0.0062 his:0.0050 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9450 and:0.0136 the:0.0097 own:0.0076 time:0.0044 of:0.0044 to:0.0041 that:0.0039 way:0.0036 in:0.0036 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.8402 to:0.0544 it:0.0221 that:0.0171 and:0.0154 up:0.0138 as:0.0100 out:0.0097 you:0.0095 there:0.0076 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6960 the:0.0919 he:0.0830 a:0.0462 it:0.0205 this:0.0163 they:0.0133 that:0.0123 is:0.0106 ho:0.0099 -:0.7871 the:0.0522 a:0.0447 said:0.0325 which:0.0255 that:0.0176 all:0.0108 his:0.0103 it:0.0101 what:0.0092 -:0.7424 and:0.0728 of:0.0471 which:0.0269 is:0.0226 that:0.0214 are:0.0202 or:0.0183 as:0.0152 was:0.0130 -:0.7701 as:0.0698 and:0.0437 of:0.0348 to:0.0338 if:0.0109 which:0.0107 but:0.0099 that:0.0086 for:0.0077 -:0.8773 and:0.0276 away:0.0220 up:0.0153 him:0.0107 down:0.0100 it:0.0100 to:0.0093 them:0.0092 which:0.0086 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.6581 who:0.0981 they:0.0778 we:0.0535 as:0.0303 there:0.0268 and:0.0255 which:0.0133 is:0.0084 that:0.0083 -:0.7719 that:0.0533 as:0.0360 and:0.0352 the:0.0243 of:0.0229 if:0.0201 but:0.0134 for:0.0124 which:0.0105 -:0.6681 of:0.0873 in:0.0684 to:0.0351 for:0.0285 and:0.0277 with:0.0276 on:0.0222 by:0.0181 at:0.0170 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -a:0.1338 the:0.1200 :0.6511 tho:0.0163 his:0.0161 of:0.0154 any:0.0137 its:0.0115 this:0.0115 their:0.0105 -:0.9728 to:0.0046 the:0.0042 and:0.0039 said:0.0038 so:0.0022 a:0.0022 have:0.0022 of:0.0021 be:0.0019 -:0.7720 to:0.0499 and:0.0455 will:0.0258 is:0.0235 was:0.0216 of:0.0166 the:0.0159 are:0.0153 would:0.0139 -:0.8354 and:0.0289 is:0.0274 the:0.0255 was:0.0188 to:0.0187 of:0.0139 in:0.0135 be:0.0096 are:0.0084 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -of:0.3065 :0.3552 in:0.0782 to:0.0604 on:0.0438 for:0.0400 by:0.0302 with:0.0291 from:0.0290 at:0.0275 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -a:0.2160 the:0.1928 :0.4649 of:0.0227 to:0.0223 and:0.0218 in:0.0188 for:0.0158 his:0.0140 her:0.0109 -:0.5314 was:0.1751 is:0.1391 has:0.0592 would:0.0246 be:0.0200 had:0.0152 will:0.0149 and:0.0112 the:0.0093 -:0.5942 of:0.0962 and:0.0710 to:0.0645 in:0.0586 for:0.0343 that:0.0286 with:0.0204 by:0.0165 at:0.0156 -:0.9721 and:0.0055 years:0.0048 of:0.0034 in:0.0028 men:0.0027 days:0.0026 up:0.0021 thereof:0.0021 year:0.0019 -:0.5729 of:0.1596 the:0.0599 to:0.0528 in:0.0511 and:0.0419 by:0.0187 for:0.0166 with:0.0149 on:0.0118 -:0.9633 in:0.0055 to:0.0054 and:0.0053 it:0.0044 time:0.0037 that:0.0036 up:0.0034 as:0.0029 for:0.0024 -of:0.2303 :0.5995 and:0.0532 to:0.0328 or:0.0201 hundred:0.0174 in:0.0152 with:0.0138 for:0.0099 is:0.0078 -:0.7063 of:0.0728 the:0.0501 and:0.0480 to:0.0358 a:0.0303 in:0.0211 was:0.0128 is:0.0117 for:0.0111 -to:0.2796 :0.5674 and:0.0488 will:0.0332 can:0.0174 would:0.0163 of:0.0107 should:0.0099 has:0.0083 may:0.0083 -:0.8170 of:0.0676 and:0.0421 to:0.0184 day:0.0171 in:0.0102 or:0.0083 the:0.0078 for:0.0059 that:0.0056 -:0.9009 made:0.0221 given:0.0116 up:0.0113 out:0.0111 to:0.0101 that:0.0100 and:0.0088 provided:0.0070 followed:0.0070 -the:0.3711 :0.5082 a:0.0449 his:0.0141 tho:0.0135 to:0.0111 this:0.0102 an:0.0090 said:0.0090 tbe:0.0089 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -of:0.2903 :0.3656 in:0.0902 to:0.0784 on:0.0350 for:0.0338 at:0.0274 that:0.0268 by:0.0266 with:0.0259 -:0.8331 the:0.0381 and:0.0316 to:0.0313 of:0.0216 is:0.0108 in:0.0105 a:0.0091 was:0.0072 will:0.0068 -:0.7703 to:0.0682 not:0.0367 a:0.0362 made:0.0164 the:0.0163 had:0.0149 no:0.0144 so:0.0143 was:0.0123 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -of:0.2302 :0.5298 with:0.0413 and:0.0408 in:0.0347 to:0.0320 for:0.0295 is:0.0214 at:0.0207 as:0.0196 -:0.7004 the:0.0773 and:0.0530 to:0.0359 a:0.0339 of:0.0282 was:0.0242 is:0.0209 as:0.0158 has:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8943 the:0.0182 more:0.0174 other:0.0148 a:0.0135 as:0.0099 one:0.0096 less:0.0083 or:0.0076 two:0.0063 -:0.8485 and:0.0337 the:0.0267 of:0.0242 is:0.0142 a:0.0130 that:0.0127 was:0.0100 at:0.0087 in:0.0084 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5767 to:0.1185 of:0.0956 the:0.0504 a:0.0481 and:0.0325 in:0.0287 for:0.0230 by:0.0149 with:0.0115 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8070 and:0.0649 of:0.0560 to:0.0146 in:0.0130 or:0.0111 other:0.0106 who:0.0087 time:0.0071 the:0.0069 -:0.8388 a:0.0462 the:0.0389 all:0.0154 him:0.0139 her:0.0123 his:0.0112 their:0.0080 it:0.0078 which:0.0075 -:0.7551 is:0.0675 and:0.0550 was:0.0391 of:0.0190 to:0.0166 the:0.0149 are:0.0129 be:0.0110 a:0.0089 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.8981 day:0.0187 line:0.0165 one:0.0141 side:0.0137 out:0.0115 part:0.0094 and:0.0074 parts:0.0061 amount:0.0045 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8551 and:0.0529 of:0.0281 him:0.0124 it:0.0105 to:0.0098 but:0.0095 is:0.0081 in:0.0075 was:0.0062 -:0.8405 the:0.0467 and:0.0290 he:0.0202 a:0.0170 it:0.0156 who:0.0120 is:0.0067 this:0.0062 his:0.0061 -:0.8080 the:0.0821 a:0.0201 of:0.0176 to:0.0142 two:0.0140 other:0.0121 his:0.0113 and:0.0105 in:0.0100 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -:0.9029 the:0.0301 one:0.0169 law:0.0112 two:0.0106 a:0.0099 it:0.0048 more:0.0048 said:0.0045 three:0.0044 -of:0.3712 in:0.1016 to:0.0849 :0.2508 for:0.0434 on:0.0427 with:0.0281 at:0.0271 from:0.0267 by:0.0234 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -:0.5719 the:0.2169 a:0.0642 of:0.0395 and:0.0245 his:0.0220 to:0.0202 this:0.0162 is:0.0125 in:0.0120 -:0.6804 of:0.1033 to:0.0644 and:0.0502 in:0.0273 for:0.0237 is:0.0138 as:0.0130 was:0.0125 that:0.0114 -:0.8340 and:0.0422 the:0.0350 of:0.0235 a:0.0133 in:0.0130 that:0.0117 to:0.0112 is:0.0090 for:0.0072 -:0.8182 of:0.0426 and:0.0349 to:0.0320 in:0.0188 for:0.0151 the:0.0107 or:0.0094 from:0.0093 with:0.0090 -:0.6677 in:0.1007 of:0.0695 for:0.0441 with:0.0235 on:0.0215 to:0.0204 and:0.0177 at:0.0174 the:0.0174 -:0.9266 and:0.0166 to:0.0115 is:0.0085 who:0.0068 are:0.0067 was:0.0064 of:0.0058 that:0.0056 it:0.0056 -:0.5523 the:0.2218 a:0.1051 be:0.0495 his:0.0162 tho:0.0153 this:0.0107 its:0.0104 her:0.0095 make:0.0092 -:0.6899 in:0.0822 of:0.0555 to:0.0527 for:0.0356 with:0.0197 from:0.0181 and:0.0167 the:0.0153 that:0.0143 -have:0.3429 had:0.3095 has:0.2684 lias:0.0141 :0.0464 having:0.0073 havo:0.0037 not:0.0037 bad:0.0024 haa:0.0016 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6989 of:0.0981 and:0.0767 to:0.0343 in:0.0208 the:0.0167 for:0.0163 as:0.0150 at:0.0117 that:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8567 other:0.0268 same:0.0230 old:0.0163 most:0.0145 the:0.0144 great:0.0138 last:0.0137 whole:0.0107 real:0.0104 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9302 and:0.0222 of:0.0131 that:0.0077 which:0.0057 in:0.0052 day:0.0049 hundred:0.0047 him:0.0033 or:0.0032 -:0.9300 the:0.0192 a:0.0091 great:0.0075 other:0.0072 and:0.0063 of:0.0056 most:0.0052 city:0.0051 time:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9568 same:0.0064 time:0.0063 most:0.0060 city:0.0047 state:0.0047 world:0.0041 case:0.0038 said:0.0037 year:0.0035 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9473 same:0.0143 world:0.0068 city:0.0067 country:0.0048 year:0.0047 long:0.0041 law:0.0041 government:0.0038 time:0.0032 -:0.6671 the:0.0693 of:0.0534 to:0.0479 a:0.0427 that:0.0294 and:0.0273 in:0.0265 for:0.0204 as:0.0159 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7221 to:0.0651 be:0.0477 a:0.0414 the:0.0393 only:0.0260 been:0.0224 not:0.0129 in:0.0116 take:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8881 the:0.0355 that:0.0129 to:0.0118 was:0.0098 be:0.0092 is:0.0084 a:0.0083 as:0.0080 all:0.0079 -of:0.1585 :0.4935 in:0.0795 to:0.0526 for:0.0482 with:0.0441 by:0.0377 on:0.0331 and:0.0293 at:0.0234 -:0.9426 city:0.0085 time:0.0075 same:0.0075 bill:0.0063 country:0.0063 case:0.0059 matter:0.0053 world:0.0052 result:0.0050 -:0.7493 the:0.1178 and:0.0477 of:0.0186 this:0.0132 as:0.0119 a:0.0114 who:0.0103 that:0.0102 to:0.0096 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3371 :0.4629 a:0.0689 to:0.0277 this:0.0265 tho:0.0195 his:0.0177 that:0.0176 he:0.0129 their:0.0092 -:0.8430 a:0.0662 and:0.0221 of:0.0164 the:0.0145 one:0.0130 to:0.0078 or:0.0064 for:0.0054 is:0.0052 -:0.8856 the:0.0476 and:0.0194 a:0.0091 of:0.0076 who:0.0072 his:0.0071 this:0.0064 was:0.0053 is:0.0047 -:0.9550 more:0.0115 one:0.0062 as:0.0052 to:0.0045 and:0.0042 hand:0.0037 it:0.0034 up:0.0034 two:0.0029 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -a:0.1208 :0.5260 the:0.0931 not:0.0808 hereby:0.0671 no:0.0357 so:0.0266 an:0.0195 now:0.0160 very:0.0144 -:0.5881 of:0.1718 and:0.0838 to:0.0573 in:0.0282 for:0.0207 by:0.0135 the:0.0128 or:0.0121 with:0.0116 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -the:0.4476 :0.3752 a:0.0534 said:0.0267 tho:0.0246 this:0.0211 his:0.0196 our:0.0137 their:0.0096 its:0.0085 -to:0.1548 :0.5227 of:0.1259 in:0.0414 and:0.0332 on:0.0305 from:0.0256 for:0.0248 by:0.0223 with:0.0187 -:0.5564 the:0.1308 to:0.0922 is:0.0469 and:0.0465 of:0.0397 a:0.0273 in:0.0247 was:0.0200 by:0.0153 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7818 the:0.1296 said:0.0179 a:0.0164 tho:0.0153 this:0.0124 all:0.0073 his:0.0069 her:0.0066 our:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5465 of:0.2016 and:0.0660 in:0.0365 or:0.0338 at:0.0256 as:0.0248 to:0.0240 for:0.0209 a:0.0203 -:0.8413 the:0.0755 a:0.0256 all:0.0101 that:0.0094 his:0.0091 in:0.0083 one:0.0077 two:0.0067 he:0.0063 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9214 the:0.0189 a:0.0133 that:0.0107 one:0.0078 and:0.0069 this:0.0062 it:0.0052 to:0.0052 his:0.0044 -:0.7906 and:0.0469 of:0.0459 to:0.0383 in:0.0226 the:0.0162 a:0.0106 for:0.0105 as:0.0104 at:0.0079 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6770 a:0.0971 the:0.0920 to:0.0444 and:0.0307 of:0.0234 in:0.0124 was:0.0085 an:0.0076 his:0.0069 -:0.8256 of:0.0396 to:0.0294 and:0.0270 in:0.0157 the:0.0147 for:0.0141 a:0.0124 is:0.0113 will:0.0103 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.8845 the:0.0357 a:0.0265 said:0.0114 all:0.0091 one:0.0083 law:0.0069 them:0.0062 him:0.0058 any:0.0057 -own:0.0369 :0.9309 respective:0.0086 fathers:0.0046 man:0.0046 bonds:0.0034 young:0.0033 way:0.0027 father:0.0026 efforts:0.0024 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6702 to:0.0647 of:0.0594 and:0.0581 was:0.0434 is:0.0267 the:0.0237 or:0.0202 has:0.0174 will:0.0163 -:0.8810 the:0.0207 is:0.0183 and:0.0173 be:0.0164 was:0.0143 a:0.0107 are:0.0086 have:0.0073 had:0.0054 -:0.7118 the:0.1063 and:0.0529 of:0.0401 a:0.0245 that:0.0191 is:0.0138 in:0.0110 was:0.0109 for:0.0095 -:0.7762 the:0.0593 and:0.0548 of:0.0291 he:0.0169 a:0.0134 to:0.0133 who:0.0129 is:0.0127 that:0.0113 -:0.9215 same:0.0177 highest:0.0105 most:0.0094 other:0.0080 great:0.0071 the:0.0067 said:0.0065 first:0.0064 whole:0.0063 -:0.6640 be:0.2212 have:0.0473 to:0.0147 bo:0.0110 and:0.0102 the:0.0092 are:0.0077 of:0.0076 in:0.0072 -the:0.2707 :0.4765 a:0.1155 to:0.0349 of:0.0207 and:0.0195 his:0.0187 in:0.0153 this:0.0141 an:0.0139 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6158 the:0.1060 of:0.0795 in:0.0469 to:0.0363 and:0.0317 any:0.0295 a:0.0204 for:0.0170 or:0.0169 -:0.7002 a:0.1055 the:0.0882 that:0.0284 and:0.0174 so:0.0138 not:0.0132 his:0.0118 it:0.0109 he:0.0107 -:0.6671 to:0.0926 the:0.0861 a:0.0301 it:0.0272 and:0.0260 he:0.0221 in:0.0209 not:0.0147 for:0.0132 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.5404 of:0.1260 the:0.0938 to:0.0704 and:0.0620 a:0.0349 in:0.0211 for:0.0192 with:0.0163 that:0.0159 -:0.6673 the:0.2109 this:0.0280 a:0.0179 his:0.0178 tho:0.0134 said:0.0123 these:0.0117 their:0.0108 her:0.0099 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.6888 the:0.1230 and:0.0331 of:0.0315 a:0.0267 to:0.0252 is:0.0208 was:0.0189 in:0.0172 has:0.0148 -:0.5247 which:0.1722 it:0.1268 you:0.0286 the:0.0285 them:0.0271 he:0.0267 they:0.0248 that:0.0213 him:0.0192 -:0.8034 of:0.0456 the:0.0414 and:0.0293 to:0.0251 in:0.0158 for:0.0101 a:0.0100 that:0.0098 with:0.0096 -:0.8131 and:0.0551 to:0.0276 was:0.0228 of:0.0224 is:0.0179 the:0.0119 or:0.0108 in:0.0094 be:0.0089 -:0.9320 is:0.0147 was:0.0143 the:0.0077 and:0.0073 a:0.0071 to:0.0050 has:0.0041 all:0.0039 in:0.0039 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8412 of:0.0494 and:0.0331 the:0.0162 in:0.0142 that:0.0123 to:0.0116 or:0.0078 a:0.0074 for:0.0068 -of:0.3052 :0.3825 to:0.0850 in:0.0813 and:0.0482 for:0.0240 is:0.0238 from:0.0187 on:0.0165 was:0.0148 -:0.6764 of:0.0628 to:0.0592 in:0.0466 and:0.0358 for:0.0309 at:0.0291 by:0.0209 or:0.0205 with:0.0177 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.9231 of:0.0171 and:0.0171 to:0.0100 in:0.0093 up:0.0062 hundred:0.0044 day:0.0044 down:0.0044 year:0.0041 -in:0.0249 :0.8671 to:0.0181 by:0.0174 on:0.0153 from:0.0127 of:0.0120 for:0.0116 at:0.0114 that:0.0095 -:0.7510 a:0.0819 him:0.0390 and:0.0262 the:0.0251 it:0.0188 that:0.0182 them:0.0179 their:0.0114 as:0.0105 -:0.7606 of:0.1191 and:0.0525 to:0.0197 in:0.0127 the:0.0094 or:0.0094 for:0.0061 by:0.0053 on:0.0051 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.8387 and:0.0407 to:0.0216 the:0.0178 be:0.0173 was:0.0162 is:0.0132 have:0.0116 will:0.0115 a:0.0113 -:0.9629 same:0.0080 following:0.0040 world:0.0040 country:0.0038 best:0.0038 house:0.0035 work:0.0035 people:0.0034 man:0.0033 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -had:0.1196 has:0.0644 :0.6268 would:0.0430 will:0.0361 was:0.0350 could:0.0270 have:0.0202 to:0.0151 can:0.0128 -:0.7065 and:0.1157 to:0.0449 of:0.0336 as:0.0217 but:0.0183 is:0.0171 it:0.0166 that:0.0144 for:0.0112 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9588 city:0.0060 and:0.0054 day:0.0054 time:0.0046 him:0.0045 man:0.0044 way:0.0039 work:0.0037 office:0.0033 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.5713 the:0.1316 that:0.0821 which:0.0462 we:0.0360 they:0.0320 his:0.0291 it:0.0276 to:0.0230 a:0.0212 -of:0.2149 :0.5556 and:0.0692 the:0.0366 to:0.0289 for:0.0210 that:0.0194 in:0.0193 or:0.0179 with:0.0172 -:0.7780 to:0.0797 the:0.0456 and:0.0324 that:0.0257 a:0.0086 of:0.0082 in:0.0078 he:0.0077 it:0.0062 -:0.8612 and:0.0391 the:0.0339 a:0.0123 to:0.0123 was:0.0097 is:0.0089 of:0.0079 are:0.0074 that:0.0073 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9595 than:0.0085 of:0.0075 and:0.0052 years:0.0044 was:0.0034 is:0.0033 fact:0.0031 year:0.0026 country:0.0025 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9058 and:0.0155 the:0.0142 of:0.0137 time:0.0099 a:0.0098 that:0.0086 to:0.0081 in:0.0075 day:0.0068 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.8329 the:0.0587 in:0.0240 a:0.0161 to:0.0159 that:0.0127 no:0.0108 at:0.0104 for:0.0097 by:0.0088 -:0.7980 man:0.1490 little:0.0093 few:0.0090 woman:0.0069 good:0.0068 person:0.0066 day:0.0051 gentleman:0.0046 boy:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8521 it:0.0244 and:0.0242 to:0.0211 up:0.0199 together:0.0156 him:0.0116 that:0.0115 covered:0.0103 them:0.0093 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4169 to:0.1338 is:0.1048 of:0.0820 was:0.0616 and:0.0585 are:0.0571 were:0.0366 would:0.0262 will:0.0226 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8409 and:0.0339 the:0.0303 to:0.0276 of:0.0146 is:0.0141 will:0.0109 was:0.0107 a:0.0091 that:0.0080 -:0.7688 the:0.0849 and:0.0403 of:0.0286 a:0.0241 to:0.0183 in:0.0130 for:0.0077 was:0.0073 that:0.0069 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.8670 to:0.0326 and:0.0276 we:0.0149 or:0.0119 of:0.0102 that:0.0102 he:0.0090 they:0.0085 the:0.0081 -:0.7720 to:0.0804 and:0.0391 of:0.0195 or:0.0185 was:0.0153 are:0.0149 were:0.0148 is:0.0144 been:0.0110 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.8764 and:0.0325 to:0.0158 of:0.0155 up:0.0153 him:0.0139 that:0.0089 them:0.0077 but:0.0071 out:0.0070 -of:0.3342 :0.4115 to:0.0671 and:0.0666 in:0.0363 for:0.0262 as:0.0180 by:0.0139 or:0.0132 at:0.0129 -:0.5956 of:0.1259 to:0.1220 and:0.0512 in:0.0239 the:0.0235 for:0.0159 on:0.0146 a:0.0140 by:0.0135 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.7266 the:0.1494 a:0.0314 to:0.0179 that:0.0170 and:0.0141 of:0.0118 in:0.0114 it:0.0103 his:0.0101 -the:0.0803 :0.8046 a:0.0319 this:0.0223 their:0.0129 said:0.0122 his:0.0121 tho:0.0085 its:0.0084 which:0.0067 -the:0.2965 a:0.1793 :0.4217 not:0.0197 no:0.0189 his:0.0134 an:0.0133 all:0.0124 tbe:0.0123 any:0.0123 -:0.6915 and:0.0855 of:0.0684 to:0.0572 in:0.0242 the:0.0189 for:0.0153 or:0.0151 that:0.0121 by:0.0119 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -of:0.4121 :0.3959 in:0.0459 to:0.0394 for:0.0237 and:0.0215 on:0.0200 that:0.0142 at:0.0141 with:0.0131 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -the:0.3122 :0.5297 a:0.0593 this:0.0210 his:0.0200 and:0.0161 their:0.0122 tho:0.0122 of:0.0095 its:0.0077 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7308 as:0.0915 in:0.0304 for:0.0294 with:0.0287 that:0.0251 by:0.0195 to:0.0177 and:0.0146 at:0.0123 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8496 to:0.0284 the:0.0271 of:0.0190 and:0.0166 a:0.0155 as:0.0130 in:0.0119 for:0.0104 that:0.0085 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -that:0.2996 :0.4067 as:0.1040 and:0.0366 which:0.0333 when:0.0286 but:0.0281 if:0.0255 because:0.0196 what:0.0179 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3247 :0.5171 a:0.0385 this:0.0315 tho:0.0284 his:0.0212 said:0.0110 our:0.0103 any:0.0089 her:0.0084 -:0.7268 the:0.1281 and:0.0341 a:0.0249 of:0.0179 is:0.0174 his:0.0138 to:0.0128 be:0.0126 was:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9034 part:0.0169 day:0.0164 side:0.0147 one:0.0113 out:0.0096 line:0.0090 amount:0.0085 end:0.0054 kind:0.0047 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.5761 of:0.1398 the:0.0702 in:0.0511 and:0.0431 to:0.0402 for:0.0264 a:0.0227 with:0.0157 on:0.0147 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.9502 the:0.0127 a:0.0120 hand:0.0054 home:0.0038 oclock:0.0038 more:0.0034 for:0.0030 this:0.0029 that:0.0028 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.5839 the:0.1661 of:0.0749 and:0.0418 to:0.0353 in:0.0309 a:0.0240 by:0.0163 for:0.0142 with:0.0126 -:0.8542 as:0.0519 and:0.0243 it:0.0163 not:0.0141 is:0.0139 them:0.0072 but:0.0070 you:0.0056 him:0.0055 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -:0.6256 and:0.0853 a:0.0727 of:0.0629 to:0.0555 the:0.0334 is:0.0248 or:0.0157 at:0.0126 for:0.0114 -:0.8633 not:0.0280 able:0.0192 going:0.0180 likely:0.0156 ready:0.0133 due:0.0116 necessary:0.0111 expected:0.0100 impossible:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2577 :0.3796 in:0.1039 to:0.0760 for:0.0522 on:0.0309 from:0.0307 with:0.0239 by:0.0234 at:0.0218 -:0.6522 the:0.2308 a:0.0445 this:0.0150 his:0.0120 tho:0.0110 their:0.0106 said:0.0093 all:0.0085 those:0.0062 -:0.7291 the:0.1045 to:0.0304 and:0.0288 in:0.0219 a:0.0216 by:0.0185 of:0.0184 with:0.0137 for:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7143 the:0.1379 a:0.0739 and:0.0224 this:0.0113 of:0.0103 tho:0.0089 an:0.0076 be:0.0069 was:0.0066 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7446 large:0.0497 great:0.0454 little:0.0324 good:0.0274 few:0.0271 very:0.0216 a:0.0190 certain:0.0173 small:0.0157 -:0.9510 one:0.0113 part:0.0055 line:0.0054 out:0.0053 side:0.0051 many:0.0043 that:0.0041 day:0.0040 much:0.0040 -:0.6263 the:0.1649 and:0.0488 a:0.0481 of:0.0395 to:0.0250 in:0.0136 is:0.0120 tho:0.0110 was:0.0109 -the:0.2940 :0.5781 a:0.0400 his:0.0203 tho:0.0157 it:0.0122 an:0.0108 their:0.0102 this:0.0094 all:0.0092 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.8089 of:0.0404 the:0.0382 and:0.0379 to:0.0191 a:0.0152 in:0.0124 that:0.0121 as:0.0081 for:0.0075 -:0.7531 the:0.0919 and:0.0472 of:0.0297 to:0.0263 a:0.0173 in:0.0101 at:0.0093 is:0.0076 or:0.0076 -the:0.4682 :0.4110 tho:0.0202 this:0.0191 their:0.0164 a:0.0157 his:0.0139 said:0.0135 our:0.0129 these:0.0091 -:0.7637 the:0.1055 and:0.0317 of:0.0266 a:0.0223 his:0.0130 in:0.0101 this:0.0096 he:0.0089 their:0.0087 -:0.6305 the:0.1142 of:0.0793 a:0.0420 and:0.0357 in:0.0317 for:0.0229 is:0.0159 to:0.0144 with:0.0135 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -the:0.1061 a:0.0570 is:0.0263 was:0.0209 :0.7146 tho:0.0167 and:0.0160 an:0.0153 of:0.0140 this:0.0130 -to:0.1407 the:0.1201 :0.4913 a:0.1074 by:0.0394 in:0.0333 and:0.0185 an:0.0183 no:0.0157 his:0.0154 -the:0.3590 :0.5015 a:0.0328 at:0.0243 that:0.0173 said:0.0156 tho:0.0139 this:0.0129 their:0.0125 its:0.0103 -:0.4851 the:0.1739 he:0.0905 a:0.0660 they:0.0497 to:0.0455 we:0.0302 not:0.0255 you:0.0175 it:0.0160 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.6272 of:0.1765 and:0.0510 in:0.0343 that:0.0270 to:0.0212 the:0.0210 for:0.0187 on:0.0116 with:0.0113 -:0.7256 the:0.0771 a:0.0682 and:0.0379 of:0.0336 is:0.0173 was:0.0139 to:0.0117 for:0.0077 by:0.0069 -:0.8829 as:0.0234 and:0.0218 is:0.0190 was:0.0097 down:0.0095 up:0.0091 able:0.0090 went:0.0079 according:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -the:0.2755 :0.5407 this:0.0447 a:0.0350 his:0.0300 their:0.0207 all:0.0166 tho:0.0146 its:0.0117 which:0.0105 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.7694 it:0.0717 who:0.0370 there:0.0303 which:0.0240 that:0.0211 and:0.0169 he:0.0167 she:0.0073 city:0.0056 -:0.8776 time:0.0460 and:0.0217 day:0.0205 year:0.0107 man:0.0059 way:0.0049 but:0.0045 is:0.0043 home:0.0039 -:0.7328 to:0.0865 will:0.0499 would:0.0311 we:0.0296 shall:0.0171 they:0.0161 may:0.0131 must:0.0128 and:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8688 of:0.0308 the:0.0216 in:0.0197 to:0.0177 and:0.0150 for:0.0079 with:0.0071 a:0.0071 is:0.0044 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -the:0.3009 a:0.1496 :0.3759 his:0.0498 their:0.0302 tho:0.0276 this:0.0253 our:0.0154 its:0.0129 an:0.0125 -:0.8411 of:0.0361 to:0.0307 and:0.0260 the:0.0250 in:0.0113 or:0.0081 as:0.0075 a:0.0071 is:0.0070 -:0.7283 the:0.0703 he:0.0567 it:0.0364 they:0.0267 we:0.0235 a:0.0170 there:0.0163 she:0.0133 one:0.0115 -:0.9005 and:0.0234 it:0.0155 up:0.0121 him:0.0111 out:0.0108 is:0.0074 them:0.0068 to:0.0065 as:0.0060 -:0.7743 the:0.0586 and:0.0365 was:0.0265 is:0.0263 not:0.0251 of:0.0160 be:0.0140 have:0.0116 has:0.0110 -:0.7774 of:0.0744 and:0.0419 to:0.0232 in:0.0225 the:0.0210 for:0.0139 a:0.0101 that:0.0092 at:0.0064 -:0.8977 one:0.0310 out:0.0153 some:0.0111 composed:0.0093 made:0.0086 not:0.0086 all:0.0076 nothing:0.0055 that:0.0054 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.5104 :0.3531 have:0.0524 not:0.0323 bo:0.0163 he:0.0145 to:0.0088 do:0.0047 and:0.0041 also:0.0033 -:0.7546 of:0.1004 and:0.0363 in:0.0321 at:0.0184 that:0.0150 to:0.0135 on:0.0103 for:0.0100 or:0.0095 -been:0.2530 :0.4684 not:0.0892 the:0.0661 a:0.0438 no:0.0433 an:0.0112 to:0.0107 always:0.0085 so:0.0059 -:0.8909 and:0.0265 to:0.0216 the:0.0134 be:0.0119 he:0.0097 not:0.0068 we:0.0067 have:0.0066 as:0.0059 -:0.7456 order:0.0892 regard:0.0760 addition:0.0259 relation:0.0160 reference:0.0117 said:0.0102 him:0.0096 them:0.0083 view:0.0076 -:0.8795 one:0.0339 virtue:0.0315 some:0.0101 all:0.0100 each:0.0079 deed:0.0076 many:0.0068 those:0.0067 any:0.0060 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.6889 to:0.1243 of:0.0493 and:0.0398 the:0.0243 a:0.0198 in:0.0170 for:0.0141 that:0.0121 with:0.0104 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -he:0.3386 :0.3987 it:0.1157 she:0.0442 there:0.0344 they:0.0210 ho:0.0151 the:0.0123 we:0.0103 which:0.0097 -:0.8781 did:0.0237 man:0.0237 few:0.0155 is:0.0125 will:0.0113 do:0.0101 does:0.0088 had:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -good:0.0112 very:0.0097 little:0.0095 few:0.0083 certain:0.0081 great:0.0080 :0.9296 large:0.0064 dozen:0.0051 similar:0.0040 -to:0.2143 :0.4169 of:0.1520 and:0.0951 in:0.0328 or:0.0230 the:0.0224 a:0.0172 will:0.0140 is:0.0123 -:0.7352 and:0.0579 of:0.0505 the:0.0501 to:0.0227 is:0.0204 a:0.0200 in:0.0182 that:0.0129 was:0.0121 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7798 and:0.0679 to:0.0335 is:0.0280 was:0.0239 that:0.0215 are:0.0133 the:0.0119 as:0.0101 of:0.0101 -:0.7770 to:0.0629 the:0.0518 in:0.0285 and:0.0281 a:0.0148 of:0.0141 as:0.0089 his:0.0076 with:0.0063 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7254 a:0.0839 the:0.0818 have:0.0351 are:0.0264 were:0.0106 had:0.0105 of:0.0102 no:0.0086 his:0.0076 -:0.6694 the:0.1329 of:0.0542 a:0.0374 and:0.0301 in:0.0241 to:0.0195 his:0.0127 or:0.0119 is:0.0078 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.7677 to:0.0906 of:0.0309 the:0.0307 and:0.0302 in:0.0156 a:0.0112 for:0.0089 or:0.0081 will:0.0061 -:0.7358 the:0.1094 and:0.0397 a:0.0340 to:0.0242 his:0.0127 this:0.0118 who:0.0113 he:0.0112 of:0.0099 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7923 have:0.0532 of:0.0306 in:0.0286 are:0.0285 see:0.0193 find:0.0149 get:0.0118 all:0.0110 for:0.0098 -:0.7921 and:0.0799 to:0.0509 of:0.0188 the:0.0128 in:0.0113 that:0.0107 as:0.0100 for:0.0070 but:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8136 the:0.0599 a:0.0294 to:0.0189 and:0.0178 in:0.0162 he:0.0125 it:0.0122 that:0.0099 of:0.0096 -:0.5696 to:0.1079 of:0.0942 and:0.0753 the:0.0517 in:0.0299 for:0.0207 by:0.0193 as:0.0172 that:0.0142 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7632 the:0.0548 of:0.0469 and:0.0359 to:0.0322 in:0.0228 a:0.0140 that:0.0111 for:0.0105 by:0.0087 -:0.8155 the:0.0456 and:0.0429 a:0.0305 of:0.0185 that:0.0165 is:0.0093 his:0.0079 was:0.0068 he:0.0066 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.8830 fact:0.0611 said:0.0128 belief:0.0088 time:0.0075 world:0.0070 city:0.0056 opinion:0.0053 same:0.0048 year:0.0041 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.4381 of:0.1174 to:0.0856 in:0.0842 for:0.0611 by:0.0522 and:0.0462 with:0.0450 from:0.0373 on:0.0329 -:0.9340 city:0.0152 same:0.0097 government:0.0076 war:0.0069 world:0.0061 law:0.0052 country:0.0052 time:0.0051 state:0.0049 -:0.7819 the:0.0724 and:0.0333 a:0.0273 to:0.0247 he:0.0147 of:0.0145 this:0.0131 it:0.0092 is:0.0090 -have:0.0215 :0.9044 in:0.0109 with:0.0104 by:0.0100 be:0.0090 make:0.0089 had:0.0086 for:0.0085 as:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7614 of:0.0675 and:0.0389 as:0.0231 the:0.0222 a:0.0205 is:0.0195 to:0.0187 in:0.0165 or:0.0117 -:0.7990 and:0.0415 who:0.0404 to:0.0310 he:0.0234 is:0.0147 the:0.0144 was:0.0124 of:0.0119 would:0.0113 -the:0.3087 :0.5093 a:0.0842 his:0.0248 of:0.0160 their:0.0146 and:0.0134 that:0.0100 this:0.0095 other:0.0094 -:0.6600 the:0.1483 a:0.0479 and:0.0454 of:0.0362 to:0.0288 in:0.0098 this:0.0083 tho:0.0082 or:0.0072 -:0.6826 of:0.0703 and:0.0671 to:0.0548 that:0.0352 it:0.0290 he:0.0184 is:0.0146 in:0.0142 or:0.0139 -a:0.0285 :0.9312 the:0.0142 any:0.0079 per:0.0040 all:0.0034 no:0.0032 his:0.0029 last:0.0024 an:0.0023 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.3080 :0.4740 be:0.0623 a:0.0607 his:0.0286 tho:0.0179 make:0.0154 her:0.0138 have:0.0098 their:0.0095 -:0.6592 to:0.1037 and:0.0963 of:0.0419 is:0.0199 was:0.0184 as:0.0179 in:0.0178 or:0.0133 will:0.0116 -:0.7874 the:0.0855 a:0.0593 and:0.0180 was:0.0101 are:0.0101 is:0.0099 his:0.0069 one:0.0066 to:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8644 to:0.0340 and:0.0241 of:0.0148 will:0.0135 the:0.0120 a:0.0117 are:0.0091 or:0.0083 would:0.0081 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7562 to:0.0505 and:0.0474 the:0.0421 of:0.0376 is:0.0185 was:0.0129 in:0.0124 a:0.0121 will:0.0103 -:0.9134 few:0.0238 little:0.0110 man:0.0094 good:0.0090 year:0.0084 large:0.0080 person:0.0064 better:0.0056 more:0.0050 -:0.6562 to:0.0986 and:0.0929 of:0.0565 the:0.0266 in:0.0240 for:0.0134 or:0.0129 by:0.0098 at:0.0091 -:0.7573 the:0.0967 a:0.0703 was:0.0172 as:0.0117 and:0.0108 in:0.0107 is:0.0106 of:0.0085 for:0.0063 -:0.5866 are:0.1203 will:0.0852 were:0.0444 would:0.0385 can:0.0328 may:0.0319 have:0.0235 could:0.0185 had:0.0182 -:0.6499 the:0.1024 is:0.0699 a:0.0405 was:0.0383 he:0.0311 they:0.0197 we:0.0194 are:0.0176 and:0.0112 -:0.8046 the:0.0462 in:0.0271 to:0.0258 a:0.0244 and:0.0195 of:0.0183 that:0.0119 was:0.0112 by:0.0111 -:0.8939 and:0.0437 is:0.0136 but:0.0105 was:0.0081 or:0.0079 year:0.0058 that:0.0058 of:0.0054 man:0.0051 -:0.9633 in:0.0055 to:0.0054 and:0.0053 it:0.0044 time:0.0037 that:0.0036 up:0.0034 as:0.0029 for:0.0024 -:0.6889 of:0.1390 and:0.0604 to:0.0281 in:0.0257 the:0.0174 for:0.0132 with:0.0094 or:0.0090 is:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9496 large:0.0079 year:0.0073 long:0.0067 man:0.0057 hundred:0.0056 day:0.0055 good:0.0044 little:0.0037 matter:0.0035 -:0.9026 the:0.0207 in:0.0179 to:0.0116 that:0.0111 all:0.0108 by:0.0068 for:0.0065 a:0.0060 other:0.0060 -be:0.5976 :0.2670 bo:0.0360 he:0.0212 not:0.0202 have:0.0201 do:0.0101 to:0.0097 the:0.0095 take:0.0085 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5890 the:0.1987 to:0.0544 a:0.0497 of:0.0331 and:0.0255 his:0.0176 this:0.0169 in:0.0081 tho:0.0071 -:0.7019 are:0.0884 will:0.0438 would:0.0357 can:0.0352 were:0.0277 could:0.0205 may:0.0178 cannot:0.0146 must:0.0143 -:0.8850 the:0.0318 and:0.0159 of:0.0138 said:0.0122 at:0.0112 a:0.0093 that:0.0087 in:0.0064 last:0.0057 -:0.7623 a:0.0886 the:0.0590 an:0.0194 one:0.0135 he:0.0135 no:0.0128 made:0.0109 to:0.0106 his:0.0094 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8458 of:0.0518 and:0.0327 the:0.0229 in:0.0127 is:0.0086 to:0.0073 was:0.0072 a:0.0057 for:0.0055 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6480 the:0.1356 a:0.1025 and:0.0266 of:0.0245 this:0.0179 is:0.0131 his:0.0118 was:0.0111 or:0.0088 -:0.8480 of:0.0514 and:0.0365 the:0.0126 to:0.0124 or:0.0106 in:0.0096 for:0.0072 at:0.0059 a:0.0058 -of:0.3717 :0.3864 in:0.0690 and:0.0410 for:0.0290 to:0.0259 on:0.0225 from:0.0193 with:0.0177 that:0.0175 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7813 the:0.1051 a:0.0307 all:0.0267 any:0.0122 in:0.0099 his:0.0096 that:0.0085 this:0.0084 no:0.0075 -have:0.0215 :0.9044 in:0.0109 with:0.0104 by:0.0100 be:0.0090 make:0.0089 had:0.0086 for:0.0085 as:0.0080 -:0.6943 of:0.0821 to:0.0625 and:0.0591 in:0.0321 for:0.0164 was:0.0160 that:0.0143 is:0.0135 a:0.0097 -:0.6888 the:0.1230 and:0.0331 of:0.0315 a:0.0267 to:0.0252 is:0.0208 was:0.0189 in:0.0172 has:0.0148 -the:0.0604 :0.8565 a:0.0160 be:0.0130 his:0.0126 their:0.0100 have:0.0089 and:0.0085 he:0.0071 this:0.0070 -:0.8251 to:0.0559 and:0.0489 of:0.0166 it:0.0131 which:0.0090 as:0.0085 the:0.0082 that:0.0077 who:0.0070 -to:0.1508 of:0.1157 :0.3482 in:0.0923 by:0.0834 that:0.0558 for:0.0531 on:0.0367 and:0.0320 with:0.0319 -:0.7382 of:0.0991 and:0.0561 in:0.0238 or:0.0216 is:0.0178 for:0.0127 was:0.0113 on:0.0098 that:0.0098 -:0.5799 of:0.0991 in:0.0571 with:0.0543 for:0.0535 by:0.0352 to:0.0350 as:0.0334 and:0.0279 at:0.0246 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6382 of:0.1237 to:0.0686 and:0.0624 the:0.0306 in:0.0212 for:0.0192 at:0.0125 that:0.0123 who:0.0112 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7488 the:0.1148 and:0.0298 a:0.0270 of:0.0239 to:0.0143 this:0.0127 that:0.0120 his:0.0089 which:0.0079 -:0.9146 and:0.0335 is:0.0113 of:0.0097 was:0.0073 to:0.0057 are:0.0048 but:0.0046 or:0.0043 as:0.0042 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.5094 the:0.2421 of:0.0811 a:0.0320 and:0.0306 this:0.0277 or:0.0253 to:0.0197 that:0.0178 in:0.0144 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.8111 and:0.0475 to:0.0390 the:0.0228 of:0.0186 is:0.0163 was:0.0154 in:0.0100 will:0.0097 that:0.0096 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6739 and:0.1019 of:0.0411 to:0.0403 that:0.0317 a:0.0283 the:0.0264 for:0.0244 is:0.0164 or:0.0155 -:0.7479 the:0.1004 a:0.0352 and:0.0233 of:0.0231 his:0.0211 to:0.0153 that:0.0140 this:0.0117 their:0.0082 -:0.8221 held:0.0383 made:0.0381 found:0.0227 sold:0.0165 paid:0.0143 given:0.0132 used:0.0126 seen:0.0126 done:0.0097 -:0.6831 that:0.0774 of:0.0449 and:0.0441 as:0.0439 but:0.0310 for:0.0212 if:0.0198 when:0.0183 which:0.0161 -:0.7765 great:0.0398 a:0.0351 the:0.0337 very:0.0332 good:0.0246 little:0.0183 large:0.0168 few:0.0130 new:0.0088 -:0.5835 a:0.0995 been:0.0899 the:0.0644 not:0.0618 no:0.0559 to:0.0144 so:0.0116 his:0.0103 an:0.0088 -:0.7669 the:0.0595 and:0.0428 of:0.0283 is:0.0250 a:0.0238 was:0.0159 are:0.0139 he:0.0132 to:0.0105 -to:0.0744 :0.6664 of:0.0638 is:0.0602 and:0.0345 in:0.0220 as:0.0205 with:0.0203 was:0.0194 for:0.0186 -:0.6153 the:0.2551 a:0.0490 that:0.0149 his:0.0142 tho:0.0115 their:0.0112 an:0.0101 our:0.0094 this:0.0093 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8534 and:0.0432 of:0.0332 the:0.0149 a:0.0105 that:0.0104 was:0.0093 is:0.0092 with:0.0082 to:0.0078 -:0.5622 the:0.1891 a:0.1414 of:0.0244 his:0.0193 this:0.0186 and:0.0118 an:0.0116 no:0.0110 it:0.0106 -:0.8734 other:0.0479 and:0.0174 of:0.0122 one:0.0109 time:0.0101 the:0.0078 more:0.0075 to:0.0072 person:0.0055 -:0.9132 and:0.0221 of:0.0204 time:0.0097 to:0.0082 way:0.0061 day:0.0061 the:0.0049 all:0.0047 or:0.0046 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.3270 :0.4893 a:0.0604 his:0.0286 tho:0.0212 which:0.0195 this:0.0177 their:0.0124 it:0.0124 our:0.0114 -:0.6038 of:0.1111 in:0.0612 the:0.0562 at:0.0335 for:0.0316 to:0.0312 by:0.0251 a:0.0234 and:0.0228 -a:0.1586 :0.5976 the:0.0928 in:0.0326 no:0.0273 not:0.0235 an:0.0207 very:0.0169 to:0.0168 at:0.0132 -the:0.2030 :0.5920 a:0.0636 to:0.0397 his:0.0235 and:0.0224 in:0.0179 of:0.0131 no:0.0130 their:0.0116 -:0.8201 the:0.0653 a:0.0282 to:0.0213 and:0.0165 of:0.0141 his:0.0116 be:0.0079 this:0.0075 he:0.0075 -:0.7490 the:0.1430 a:0.0352 and:0.0129 it:0.0127 to:0.0114 tho:0.0098 that:0.0095 his:0.0084 he:0.0081 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8769 part:0.0204 line:0.0194 day:0.0186 side:0.0152 and:0.0122 out:0.0108 one:0.0108 amount:0.0080 portion:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8744 up:0.0242 and:0.0215 to:0.0176 that:0.0133 them:0.0121 it:0.0103 ago:0.0089 him:0.0088 days:0.0088 -:0.9615 and:0.0082 to:0.0055 own:0.0052 men:0.0046 day:0.0035 people:0.0034 county:0.0029 work:0.0028 they:0.0025 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6803 is:0.1573 was:0.0403 seems:0.0301 seemed:0.0227 as:0.0185 came:0.0155 began:0.0146 went:0.0128 and:0.0079 -:0.9184 day:0.0161 line:0.0152 side:0.0098 out:0.0091 part:0.0068 and:0.0068 amount:0.0064 number:0.0062 one:0.0051 -:0.5341 the:0.2075 a:0.0938 of:0.0476 to:0.0442 and:0.0271 his:0.0149 this:0.0133 in:0.0095 their:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -will:0.2733 to:0.1012 would:0.0757 :0.2456 can:0.0714 may:0.0671 shall:0.0553 should:0.0457 must:0.0355 could:0.0293 -:0.5970 of:0.1312 and:0.0724 that:0.0397 as:0.0338 in:0.0290 to:0.0285 ago:0.0249 or:0.0227 for:0.0208 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6870 of:0.1338 and:0.0822 in:0.0171 to:0.0169 was:0.0155 is:0.0127 or:0.0123 the:0.0122 are:0.0102 -:0.7205 the:0.1051 of:0.0456 and:0.0387 a:0.0298 in:0.0139 at:0.0131 was:0.0117 to:0.0114 is:0.0103 -:0.6266 of:0.0920 in:0.0575 for:0.0440 to:0.0435 with:0.0362 by:0.0265 as:0.0253 on:0.0243 at:0.0241 -the:0.2697 :0.5134 a:0.0856 of:0.0288 and:0.0234 to:0.0210 this:0.0199 tho:0.0144 his:0.0144 their:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.8612 the:0.0310 and:0.0306 to:0.0167 he:0.0147 of:0.0135 a:0.0110 it:0.0081 we:0.0073 or:0.0059 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8693 a:0.0260 he:0.0243 the:0.0194 it:0.0157 to:0.0126 and:0.0093 is:0.0091 will:0.0072 as:0.0071 -:0.8414 the:0.0363 and:0.0356 to:0.0192 of:0.0189 that:0.0173 in:0.0099 a:0.0092 as:0.0061 for:0.0060 -:0.6986 the:0.0939 a:0.0759 to:0.0361 by:0.0196 and:0.0186 of:0.0174 in:0.0142 with:0.0137 that:0.0119 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6194 the:0.1333 of:0.0802 a:0.0493 and:0.0228 by:0.0221 with:0.0214 for:0.0194 in:0.0191 from:0.0130 -:0.5983 the:0.1121 a:0.0624 to:0.0563 by:0.0450 of:0.0359 in:0.0313 and:0.0288 for:0.0157 at:0.0141 -:0.7660 and:0.0556 of:0.0406 to:0.0403 the:0.0250 that:0.0190 as:0.0147 in:0.0142 will:0.0124 is:0.0123 -:0.7238 to:0.0791 and:0.0554 of:0.0448 in:0.0273 by:0.0165 was:0.0144 with:0.0136 for:0.0135 at:0.0117 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5287 of:0.1723 and:0.0885 to:0.0600 that:0.0368 in:0.0327 the:0.0297 for:0.0194 as:0.0174 is:0.0145 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7471 it:0.0687 he:0.0685 there:0.0499 she:0.0191 that:0.0134 which:0.0098 then:0.0092 who:0.0077 ho:0.0066 -:0.7991 seen:0.0492 been:0.0439 given:0.0199 made:0.0185 so:0.0161 done:0.0147 found:0.0146 and:0.0126 decided:0.0114 -:0.7313 of:0.0856 and:0.0571 to:0.0395 the:0.0245 or:0.0191 in:0.0161 he:0.0104 which:0.0082 for:0.0080 -:0.7787 the:0.0451 and:0.0417 to:0.0349 of:0.0256 as:0.0191 so:0.0184 a:0.0148 in:0.0117 that:0.0100 -:0.7959 the:0.0481 and:0.0379 of:0.0369 a:0.0208 is:0.0152 was:0.0133 that:0.0121 in:0.0104 be:0.0094 -the:0.4903 a:0.1086 :0.2720 be:0.0387 tho:0.0213 his:0.0210 this:0.0150 our:0.0123 their:0.0116 her:0.0092 -:0.7339 to:0.0644 the:0.0588 and:0.0357 a:0.0260 of:0.0220 that:0.0169 in:0.0168 by:0.0157 for:0.0098 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.7133 and:0.0956 that:0.0947 which:0.0231 as:0.0186 but:0.0168 of:0.0159 when:0.0078 to:0.0073 is:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8657 a:0.0262 and:0.0232 to:0.0171 the:0.0134 is:0.0133 as:0.0111 are:0.0111 for:0.0096 or:0.0094 -:0.7727 the:0.0760 of:0.0324 a:0.0305 to:0.0196 and:0.0192 in:0.0183 by:0.0128 that:0.0099 for:0.0086 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.6040 of:0.2028 in:0.0474 for:0.0236 that:0.0234 and:0.0217 with:0.0214 by:0.0195 to:0.0183 the:0.0179 -:0.6866 the:0.1179 and:0.0474 of:0.0425 to:0.0250 a:0.0227 was:0.0197 is:0.0179 be:0.0106 has:0.0097 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.8047 years:0.0403 of:0.0383 or:0.0311 and:0.0276 in:0.0136 was:0.0134 to:0.0128 for:0.0091 is:0.0090 -:0.6941 was:0.0764 had:0.0681 is:0.0360 has:0.0355 be:0.0269 would:0.0216 could:0.0160 are:0.0149 the:0.0104 -:0.4521 of:0.1848 to:0.0879 in:0.0716 with:0.0420 from:0.0387 for:0.0343 by:0.0329 on:0.0321 and:0.0235 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6954 of:0.0828 the:0.0560 and:0.0471 to:0.0317 with:0.0281 in:0.0204 for:0.0137 or:0.0134 by:0.0115 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8986 the:0.0306 one:0.0140 a:0.0101 it:0.0098 two:0.0090 that:0.0087 he:0.0065 him:0.0065 more:0.0063 -the:0.0298 have:0.0148 :0.8932 a:0.0132 be:0.0108 has:0.0081 was:0.0078 is:0.0078 had:0.0075 and:0.0068 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9651 and:0.0089 house:0.0041 life:0.0040 day:0.0034 county:0.0033 men:0.0032 line:0.0028 feet:0.0026 in:0.0026 -to:0.2661 :0.5798 and:0.0539 of:0.0243 the:0.0144 will:0.0141 in:0.0138 for:0.0131 by:0.0113 as:0.0092 -:0.8093 of:0.0447 and:0.0392 the:0.0297 in:0.0264 to:0.0142 that:0.0117 for:0.0102 at:0.0081 with:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0181 a:0.0100 every:0.0057 this:0.0051 an:0.0050 any:0.0049 our:0.0045 tho:0.0042 some:0.0037 his:0.0036 -:0.6880 and:0.0728 of:0.0608 the:0.0426 in:0.0346 was:0.0244 is:0.0231 to:0.0192 for:0.0176 have:0.0169 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.6941 of:0.1154 the:0.0498 a:0.0387 and:0.0301 in:0.0221 to:0.0218 for:0.0113 by:0.0092 with:0.0076 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.7022 the:0.0888 and:0.0503 of:0.0445 a:0.0276 is:0.0236 to:0.0217 as:0.0146 in:0.0134 was:0.0133 -:0.6641 the:0.1595 a:0.0315 he:0.0292 one:0.0263 it:0.0199 we:0.0182 that:0.0175 they:0.0174 to:0.0165 -of:0.1673 :0.5036 to:0.0839 in:0.0484 for:0.0458 with:0.0436 by:0.0319 from:0.0260 on:0.0249 and:0.0243 -:0.6488 of:0.0844 to:0.0733 and:0.0705 the:0.0291 in:0.0285 that:0.0194 a:0.0190 for:0.0152 by:0.0118 -:0.5680 of:0.1466 is:0.0742 and:0.0491 as:0.0349 are:0.0334 to:0.0329 in:0.0246 was:0.0183 or:0.0180 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2568 :0.3813 in:0.0872 to:0.0654 for:0.0399 on:0.0392 from:0.0373 at:0.0370 with:0.0290 and:0.0270 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7755 to:0.0658 the:0.0473 and:0.0270 of:0.0226 in:0.0188 that:0.0121 a:0.0118 for:0.0113 by:0.0080 -:0.8203 the:0.1022 it:0.0133 his:0.0107 this:0.0103 a:0.0094 them:0.0092 her:0.0088 their:0.0086 all:0.0072 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.1433 to:0.0927 :0.5359 a:0.0709 his:0.0406 in:0.0365 no:0.0322 and:0.0171 by:0.0157 an:0.0150 -:0.6785 which:0.0813 that:0.0747 the:0.0627 what:0.0289 whom:0.0178 it:0.0177 as:0.0147 a:0.0145 if:0.0092 -:0.6510 the:0.1528 a:0.0858 to:0.0317 and:0.0246 of:0.0126 their:0.0122 tho:0.0119 his:0.0097 an:0.0078 -:0.7811 the:0.0728 a:0.0341 and:0.0258 to:0.0238 of:0.0171 is:0.0129 was:0.0123 his:0.0107 he:0.0092 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -:0.8640 and:0.0304 up:0.0260 him:0.0150 them:0.0136 of:0.0112 it:0.0112 together:0.0100 to:0.0098 that:0.0089 -:0.4777 to:0.1026 in:0.0796 of:0.0723 for:0.0651 and:0.0492 was:0.0417 with:0.0412 is:0.0398 as:0.0309 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2371 a:0.1068 :0.5529 no:0.0217 his:0.0163 an:0.0142 tho:0.0138 is:0.0138 this:0.0129 one:0.0105 -:0.6543 of:0.1208 and:0.0680 to:0.0391 in:0.0243 is:0.0221 for:0.0213 was:0.0186 that:0.0161 by:0.0153 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.7897 to:0.0483 of:0.0381 and:0.0326 the:0.0274 a:0.0171 in:0.0157 is:0.0115 for:0.0099 was:0.0096 -of:0.2895 in:0.1648 :0.3074 for:0.0666 at:0.0355 to:0.0328 on:0.0300 that:0.0288 by:0.0252 and:0.0194 -:0.9212 to:0.0197 and:0.0197 is:0.0083 or:0.0068 of:0.0061 in:0.0061 was:0.0052 are:0.0036 out:0.0034 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -the:0.2878 a:0.1524 :0.3813 his:0.0500 tho:0.0274 this:0.0272 her:0.0216 our:0.0180 their:0.0175 such:0.0170 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.3347 :0.4477 a:0.1104 tho:0.0191 his:0.0184 their:0.0170 an:0.0143 this:0.0135 her:0.0130 any:0.0119 -:0.9794 middle:0.0028 top:0.0027 fact:0.0026 world:0.0023 date:0.0022 same:0.0021 city:0.0020 whole:0.0020 result:0.0020 -:0.8308 and:0.0617 of:0.0373 in:0.0146 to:0.0143 the:0.0113 for:0.0088 is:0.0085 from:0.0066 was:0.0062 -:0.8646 the:0.0735 which:0.0145 said:0.0076 a:0.0075 that:0.0072 all:0.0068 to:0.0067 it:0.0063 tho:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8141 and:0.0379 to:0.0358 the:0.0249 of:0.0243 was:0.0144 in:0.0140 is:0.0136 a:0.0117 be:0.0092 -:0.7119 the:0.0812 a:0.0497 of:0.0341 to:0.0326 that:0.0226 and:0.0224 in:0.0193 for:0.0142 it:0.0121 -:0.7020 and:0.1029 to:0.0730 of:0.0593 in:0.0159 as:0.0143 or:0.0105 at:0.0085 but:0.0073 that:0.0064 -:0.8366 in:0.0294 as:0.0243 that:0.0192 for:0.0176 is:0.0174 was:0.0169 with:0.0145 by:0.0126 to:0.0116 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9013 the:0.0207 to:0.0165 of:0.0135 a:0.0121 per:0.0087 in:0.0079 and:0.0075 be:0.0064 for:0.0053 -:0.5229 of:0.1104 is:0.0707 for:0.0620 in:0.0592 and:0.0359 with:0.0358 was:0.0352 to:0.0345 that:0.0335 -:0.9502 the:0.0133 all:0.0073 in:0.0058 give:0.0046 get:0.0040 a:0.0040 said:0.0038 by:0.0037 then:0.0034 -has:0.2879 have:0.2061 had:0.1579 :0.2896 having:0.0250 lias:0.0107 not:0.0077 and:0.0059 the:0.0047 bad:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8239 to:0.0384 and:0.0306 so:0.0246 as:0.0223 not:0.0177 or:0.0111 of:0.0111 the:0.0107 are:0.0096 -:0.9164 and:0.0200 which:0.0158 be:0.0093 that:0.0091 to:0.0082 as:0.0080 who:0.0059 was:0.0039 the:0.0035 -:0.8573 and:0.0331 to:0.0197 that:0.0181 or:0.0131 him:0.0130 up:0.0128 of:0.0122 them:0.0111 it:0.0095 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6422 the:0.0894 to:0.0522 of:0.0372 a:0.0359 for:0.0319 in:0.0318 with:0.0317 by:0.0297 and:0.0180 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8939 the:0.0243 he:0.0172 it:0.0115 a:0.0107 there:0.0096 that:0.0091 one:0.0085 then:0.0076 is:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.4911 to:0.1452 the:0.1066 a:0.0954 and:0.0444 by:0.0304 of:0.0299 in:0.0251 that:0.0176 for:0.0144 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6572 a:0.1305 the:0.1092 no:0.0231 that:0.0224 his:0.0138 of:0.0125 in:0.0114 and:0.0105 any:0.0095 -:0.6875 of:0.0790 the:0.0556 and:0.0518 a:0.0414 is:0.0194 in:0.0187 to:0.0174 his:0.0173 was:0.0120 -:0.8314 and:0.0647 that:0.0192 the:0.0167 of:0.0143 is:0.0139 was:0.0132 to:0.0107 a:0.0090 or:0.0070 -:0.7511 the:0.1270 a:0.0430 in:0.0165 his:0.0164 to:0.0121 that:0.0109 he:0.0094 tho:0.0069 was:0.0068 -:0.8582 that:0.0290 and:0.0226 so:0.0204 far:0.0196 much:0.0137 say:0.0116 but:0.0092 to:0.0085 know:0.0071 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9246 and:0.0280 to:0.0107 is:0.0067 are:0.0066 was:0.0064 or:0.0052 of:0.0048 out:0.0035 were:0.0034 -:0.9039 to:0.0153 not:0.0132 in:0.0114 be:0.0108 have:0.0106 and:0.0096 was:0.0089 the:0.0083 is:0.0079 -of:0.3791 :0.2695 to:0.0973 in:0.0646 by:0.0393 for:0.0364 and:0.0356 that:0.0327 with:0.0236 on:0.0219 -:0.8802 and:0.0334 to:0.0172 that:0.0158 as:0.0144 which:0.0100 it:0.0099 who:0.0067 but:0.0064 of:0.0060 -:0.6319 of:0.1249 and:0.0847 to:0.0765 in:0.0249 for:0.0147 that:0.0119 or:0.0112 as:0.0109 is:0.0085 -:0.4896 to:0.1087 in:0.0846 of:0.0695 for:0.0652 by:0.0525 at:0.0410 on:0.0322 from:0.0294 with:0.0274 -:0.7611 to:0.0615 a:0.0511 the:0.0468 per:0.0170 he:0.0147 will:0.0140 and:0.0139 they:0.0113 would:0.0086 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8429 who:0.0416 and:0.0225 he:0.0193 will:0.0150 to:0.0137 was:0.0130 is:0.0113 would:0.0110 are:0.0099 -:0.6975 of:0.1327 and:0.0548 to:0.0364 in:0.0264 that:0.0121 at:0.0121 for:0.0116 is:0.0084 or:0.0081 -the:0.2197 :0.6060 a:0.0676 of:0.0227 and:0.0181 his:0.0136 to:0.0135 this:0.0133 tho:0.0128 any:0.0127 -:0.6502 of:0.0950 and:0.0648 to:0.0617 the:0.0344 in:0.0297 as:0.0189 for:0.0185 a:0.0157 by:0.0111 -:0.8394 the:0.0617 a:0.0215 and:0.0202 of:0.0159 to:0.0141 in:0.0080 it:0.0074 he:0.0060 that:0.0058 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -a:0.0841 the:0.0823 :0.7483 per:0.0184 any:0.0169 an:0.0107 this:0.0104 their:0.0099 tho:0.0099 one:0.0090 -:0.8279 the:0.0813 all:0.0198 that:0.0143 his:0.0108 which:0.0108 them:0.0105 in:0.0093 a:0.0077 tho:0.0076 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7121 the:0.1273 a:0.0593 and:0.0273 of:0.0172 to:0.0160 in:0.0130 is:0.0102 his:0.0093 was:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8425 the:0.0356 and:0.0294 it:0.0239 of:0.0160 a:0.0154 in:0.0112 which:0.0094 to:0.0093 that:0.0073 -the:0.4099 a:0.1074 :0.3499 his:0.0286 tho:0.0218 their:0.0199 an:0.0181 its:0.0165 such:0.0164 any:0.0114 -:0.9334 order:0.0154 him:0.0079 favor:0.0073 regard:0.0065 it:0.0063 which:0.0061 one:0.0059 the:0.0057 view:0.0054 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8366 in:0.0294 as:0.0243 that:0.0192 for:0.0176 is:0.0174 was:0.0169 with:0.0145 by:0.0126 to:0.0116 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.8326 of:0.0460 and:0.0372 in:0.0158 the:0.0139 to:0.0133 that:0.0106 as:0.0105 was:0.0101 is:0.0101 -:0.8621 and:0.0346 the:0.0236 to:0.0179 that:0.0147 of:0.0146 which:0.0105 in:0.0074 as:0.0073 is:0.0073 -:0.9209 and:0.0336 to:0.0102 of:0.0091 was:0.0060 is:0.0054 that:0.0042 in:0.0042 it:0.0034 be:0.0031 -:0.6371 the:0.1876 a:0.0499 and:0.0326 is:0.0249 was:0.0200 to:0.0142 of:0.0128 his:0.0109 tho:0.0100 -:0.8534 and:0.0547 to:0.0172 of:0.0162 as:0.0137 or:0.0117 was:0.0097 than:0.0086 that:0.0074 in:0.0072 -:0.8881 up:0.0186 him:0.0181 and:0.0159 as:0.0136 them:0.0135 it:0.0100 out:0.0075 enough:0.0074 able:0.0073 -:0.7303 a:0.0802 the:0.0628 to:0.0314 not:0.0264 so:0.0217 said:0.0159 very:0.0123 that:0.0100 an:0.0089 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.6707 the:0.1720 a:0.0671 and:0.0177 this:0.0145 to:0.0137 his:0.0131 of:0.0127 any:0.0110 one:0.0076 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9265 said:0.0155 same:0.0129 first:0.0076 the:0.0071 public:0.0068 other:0.0067 to:0.0061 most:0.0054 following:0.0053 -of:0.4121 :0.3959 in:0.0459 to:0.0394 for:0.0237 and:0.0215 on:0.0200 that:0.0142 at:0.0141 with:0.0131 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7465 to:0.0656 and:0.0628 the:0.0459 of:0.0286 a:0.0150 will:0.0115 in:0.0086 that:0.0081 for:0.0073 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8874 and:0.0243 the:0.0188 a:0.0183 to:0.0111 that:0.0086 no:0.0081 or:0.0080 of:0.0078 so:0.0076 -:0.7546 to:0.1068 and:0.0392 who:0.0213 will:0.0203 we:0.0131 would:0.0117 he:0.0112 it:0.0111 they:0.0106 -:0.8462 the:0.0602 a:0.0217 and:0.0168 of:0.0132 it:0.0102 he:0.0099 that:0.0088 one:0.0065 to:0.0064 -of:0.2795 :0.5025 and:0.0736 to:0.0366 in:0.0252 the:0.0251 or:0.0177 for:0.0146 is:0.0142 with:0.0110 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.6384 the:0.1539 a:0.1063 an:0.0201 him:0.0177 to:0.0164 and:0.0140 that:0.0116 their:0.0113 it:0.0103 -:0.8257 other:0.0709 the:0.0335 more:0.0159 longer:0.0132 doubt:0.0130 a:0.0073 and:0.0072 one:0.0069 time:0.0064 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7976 and:0.0584 to:0.0430 of:0.0358 or:0.0171 in:0.0114 as:0.0109 will:0.0107 not:0.0084 have:0.0068 -:0.8130 of:0.0516 to:0.0336 in:0.0175 with:0.0168 for:0.0155 and:0.0147 on:0.0139 from:0.0118 by:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6326 the:0.1568 a:0.0513 of:0.0421 and:0.0307 to:0.0229 in:0.0181 it:0.0180 for:0.0155 his:0.0119 -of:0.2795 :0.5025 and:0.0736 to:0.0366 in:0.0252 the:0.0251 or:0.0177 for:0.0146 is:0.0142 with:0.0110 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.7365 of:0.0627 as:0.0386 with:0.0317 in:0.0312 and:0.0238 for:0.0234 that:0.0194 is:0.0174 by:0.0153 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -:0.5960 of:0.1785 to:0.0616 in:0.0505 and:0.0275 for:0.0231 at:0.0169 with:0.0160 on:0.0155 by:0.0145 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7395 of:0.0762 to:0.0527 in:0.0398 and:0.0251 that:0.0221 for:0.0165 on:0.0096 with:0.0093 from:0.0091 -:0.7247 not:0.0455 as:0.0424 it:0.0323 that:0.0321 there:0.0297 and:0.0293 he:0.0237 to:0.0228 but:0.0174 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -not:0.2813 be:0.2179 :0.3972 have:0.0399 bo:0.0142 do:0.0125 was:0.0102 the:0.0099 is:0.0095 to:0.0076 -:0.8711 him:0.0262 them:0.0220 as:0.0193 and:0.0168 up:0.0135 us:0.0095 it:0.0074 feet:0.0072 back:0.0069 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7491 to:0.1374 and:0.0318 the:0.0233 will:0.0181 of:0.0143 a:0.0086 in:0.0074 would:0.0062 is:0.0037 -:0.7299 and:0.0651 to:0.0625 of:0.0460 will:0.0212 as:0.0174 in:0.0166 which:0.0141 is:0.0136 that:0.0136 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6647 of:0.1245 and:0.0509 to:0.0439 in:0.0250 who:0.0238 is:0.0209 the:0.0169 was:0.0160 or:0.0134 -:0.7756 the:0.0736 a:0.0490 and:0.0288 of:0.0206 to:0.0182 any:0.0100 in:0.0088 one:0.0080 for:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -who:0.1801 :0.4637 he:0.0833 and:0.0777 to:0.0484 they:0.0482 she:0.0325 we:0.0279 it:0.0202 which:0.0179 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.9257 and:0.0173 is:0.0100 who:0.0096 county:0.0070 are:0.0069 city:0.0068 man:0.0063 same:0.0056 was:0.0049 -:0.6899 of:0.1733 in:0.0268 or:0.0201 with:0.0178 for:0.0175 and:0.0154 years:0.0136 at:0.0135 to:0.0120 -not:0.1712 :0.5412 to:0.1372 now:0.0374 will:0.0323 a:0.0212 may:0.0202 would:0.0166 the:0.0139 hereby:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -have:0.2393 has:0.2137 had:0.1478 :0.3125 having:0.0495 and:0.0114 he:0.0075 the:0.0069 lias:0.0064 or:0.0050 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6805 to:0.0890 in:0.0458 of:0.0346 by:0.0323 the:0.0290 with:0.0283 and:0.0238 for:0.0203 on:0.0165 -:0.6715 of:0.1149 in:0.0403 and:0.0388 the:0.0342 to:0.0276 is:0.0246 for:0.0168 by:0.0165 at:0.0149 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7017 the:0.1031 and:0.0440 of:0.0424 a:0.0349 in:0.0242 his:0.0142 that:0.0121 to:0.0120 for:0.0113 -:0.6794 of:0.0855 to:0.0437 and:0.0418 the:0.0399 in:0.0320 that:0.0201 with:0.0199 by:0.0196 as:0.0179 -:0.8778 and:0.0347 to:0.0254 the:0.0166 of:0.0099 or:0.0090 is:0.0082 was:0.0066 more:0.0060 that:0.0059 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.5969 the:0.1586 a:0.0905 th:0.0425 and:0.0355 of:0.0242 every:0.0144 any:0.0129 his:0.0128 is:0.0118 -:0.8626 and:0.0601 that:0.0196 of:0.0134 or:0.0091 up:0.0083 to:0.0080 was:0.0076 is:0.0059 it:0.0056 -:0.7319 the:0.0956 of:0.0345 a:0.0309 and:0.0273 not:0.0227 to:0.0173 said:0.0147 or:0.0133 is:0.0119 -:0.8504 the:0.0305 of:0.0287 to:0.0275 in:0.0160 and:0.0155 on:0.0089 by:0.0079 with:0.0073 for:0.0073 -of:0.2175 :0.4590 to:0.0691 a:0.0691 the:0.0598 and:0.0344 in:0.0340 not:0.0216 by:0.0177 for:0.0177 -the:0.4238 :0.4114 his:0.0337 a:0.0326 this:0.0234 be:0.0209 tho:0.0165 any:0.0142 their:0.0142 its:0.0093 -:0.4896 to:0.1087 in:0.0846 of:0.0695 for:0.0652 by:0.0525 at:0.0410 on:0.0322 from:0.0294 with:0.0274 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7259 of:0.1270 in:0.0279 with:0.0223 or:0.0209 years:0.0202 and:0.0175 for:0.0148 to:0.0126 on:0.0108 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7353 and:0.1308 to:0.0385 was:0.0204 is:0.0178 of:0.0172 the:0.0128 will:0.0115 or:0.0081 has:0.0077 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8388 and:0.0518 is:0.0259 was:0.0222 to:0.0191 who:0.0098 of:0.0084 be:0.0084 will:0.0079 he:0.0077 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7533 the:0.0697 and:0.0429 of:0.0408 is:0.0190 a:0.0187 was:0.0163 in:0.0146 to:0.0139 his:0.0109 -:0.9246 have:0.0132 and:0.0112 is:0.0096 you:0.0094 are:0.0081 to:0.0062 the:0.0061 were:0.0059 was:0.0058 -:0.6683 of:0.1246 and:0.0510 the:0.0376 to:0.0338 in:0.0245 for:0.0173 that:0.0156 a:0.0146 is:0.0127 -:0.9512 recorded:0.0079 it:0.0076 that:0.0071 put:0.0050 then:0.0050 interest:0.0045 made:0.0042 is:0.0038 the:0.0037 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6599 of:0.0876 in:0.0642 to:0.0594 on:0.0358 for:0.0245 by:0.0190 at:0.0185 with:0.0156 from:0.0155 -:0.9063 hour:0.0355 side:0.0107 end:0.0087 day:0.0086 act:0.0078 office:0.0074 amount:0.0060 part:0.0048 opportunity:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7248 of:0.0576 in:0.0513 to:0.0424 that:0.0298 for:0.0255 on:0.0225 at:0.0180 by:0.0155 from:0.0127 -:0.9385 part:0.0105 city:0.0086 one:0.0081 day:0.0078 amount:0.0069 purpose:0.0054 number:0.0053 line:0.0045 kind:0.0044 -:0.7338 he:0.0826 to:0.0519 and:0.0380 it:0.0231 that:0.0201 they:0.0151 which:0.0144 who:0.0105 as:0.0105 -:0.5802 the:0.1503 a:0.1166 to:0.0400 and:0.0331 of:0.0280 he:0.0139 or:0.0136 in:0.0129 it:0.0116 -:0.6061 the:0.2269 a:0.0670 and:0.0313 of:0.0218 to:0.0112 is:0.0099 his:0.0088 tho:0.0086 this:0.0084 -:0.7844 of:0.0623 to:0.0408 and:0.0326 in:0.0207 by:0.0160 on:0.0130 for:0.0103 with:0.0102 from:0.0098 -:0.4866 in:0.1044 of:0.0886 to:0.0604 that:0.0550 by:0.0547 for:0.0521 on:0.0352 at:0.0323 with:0.0308 -:0.8643 the:0.0349 of:0.0280 and:0.0249 to:0.0161 a:0.0105 in:0.0058 as:0.0057 that:0.0052 or:0.0046 -:0.7637 the:0.0629 that:0.0462 and:0.0323 a:0.0206 it:0.0177 to:0.0176 of:0.0158 which:0.0121 by:0.0112 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8354 and:0.0491 to:0.0233 of:0.0207 is:0.0180 in:0.0143 was:0.0120 the:0.0102 are:0.0088 as:0.0083 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -the:0.3759 :0.4382 a:0.0857 of:0.0269 his:0.0175 and:0.0145 this:0.0119 their:0.0109 tho:0.0101 that:0.0085 -:0.8895 and:0.0259 it:0.0157 day:0.0130 which:0.0125 who:0.0120 he:0.0096 time:0.0091 man:0.0066 to:0.0061 -:0.6887 the:0.1357 a:0.0643 and:0.0245 of:0.0177 this:0.0162 be:0.0155 was:0.0154 tho:0.0116 is:0.0105 -:0.9294 and:0.0188 as:0.0147 them:0.0065 him:0.0061 up:0.0054 is:0.0050 way:0.0049 time:0.0047 or:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8316 the:0.0530 a:0.0501 per:0.0133 he:0.0117 more:0.0108 an:0.0093 tho:0.0068 this:0.0067 and:0.0066 -:0.8370 who:0.0344 man:0.0286 and:0.0266 time:0.0167 day:0.0163 which:0.0135 men:0.0104 it:0.0090 he:0.0074 -the:0.6851 :0.1601 a:0.0492 tho:0.0254 this:0.0235 their:0.0162 his:0.0135 an:0.0097 our:0.0090 her:0.0082 -:0.8646 of:0.0453 and:0.0298 the:0.0118 that:0.0111 to:0.0093 a:0.0092 in:0.0077 one:0.0056 it:0.0056 -:0.5346 the:0.2665 be:0.0781 a:0.0352 his:0.0218 this:0.0172 have:0.0132 their:0.0123 tho:0.0122 he:0.0088 -:0.6361 of:0.1508 and:0.0703 to:0.0327 in:0.0267 that:0.0250 the:0.0222 for:0.0131 or:0.0129 is:0.0102 -:0.7705 the:0.0461 and:0.0418 a:0.0295 is:0.0278 was:0.0272 are:0.0175 of:0.0164 be:0.0149 have:0.0084 -:0.8453 a:0.0238 to:0.0233 of:0.0232 the:0.0211 and:0.0205 in:0.0161 by:0.0101 that:0.0100 for:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -of:0.3209 :0.3504 in:0.0890 to:0.0582 for:0.0431 at:0.0357 and:0.0344 on:0.0261 from:0.0223 that:0.0200 -:0.6434 of:0.1621 and:0.0800 to:0.0240 in:0.0216 or:0.0175 as:0.0138 is:0.0138 for:0.0121 the:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4462 to:0.1485 of:0.1138 and:0.1035 with:0.0459 in:0.0380 that:0.0362 for:0.0338 on:0.0178 by:0.0164 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9662 time:0.0052 day:0.0041 home:0.0040 it:0.0039 law:0.0037 life:0.0035 way:0.0032 men:0.0031 city:0.0031 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7374 a:0.0995 the:0.0880 of:0.0149 his:0.0139 and:0.0106 any:0.0101 this:0.0087 is:0.0085 some:0.0085 -:0.8304 the:0.0730 and:0.0225 a:0.0153 of:0.0121 his:0.0110 to:0.0096 that:0.0091 this:0.0089 is:0.0081 -:0.9246 and:0.0297 was:0.0079 is:0.0071 of:0.0068 to:0.0059 went:0.0050 out:0.0048 made:0.0041 down:0.0040 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -been:0.0917 already:0.0205 no:0.0142 always:0.0117 ever:0.0112 beeu:0.0110 not:0.0088 the:0.0082 never:0.0077 nper:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6477 to:0.0931 the:0.0542 in:0.0463 and:0.0448 of:0.0419 by:0.0246 with:0.0164 a:0.0158 at:0.0153 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4672 of:0.1421 to:0.0865 in:0.0713 for:0.0499 by:0.0470 on:0.0415 that:0.0352 from:0.0308 and:0.0283 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -he:0.2516 :0.3509 they:0.1634 we:0.0813 she:0.0576 it:0.0465 you:0.0166 there:0.0141 that:0.0099 to:0.0082 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.6627 as:0.1494 and:0.0384 in:0.0337 to:0.0256 of:0.0227 the:0.0226 for:0.0171 is:0.0150 that:0.0128 -we:0.2724 they:0.2180 :0.2886 you:0.0862 he:0.0442 not:0.0292 to:0.0238 it:0.0148 would:0.0134 there:0.0095 -:0.8999 time:0.0207 country:0.0160 city:0.0126 year:0.0121 morning:0.0101 way:0.0094 state:0.0068 of:0.0065 week:0.0059 -:0.7562 he:0.0745 and:0.0370 to:0.0335 it:0.0257 they:0.0210 who:0.0142 that:0.0139 we:0.0123 she:0.0117 -:0.9379 old:0.0139 the:0.0099 hour:0.0080 years:0.0068 first:0.0068 last:0.0057 a:0.0044 one:0.0034 right:0.0034 -the:0.5047 :0.3016 a:0.0669 tho:0.0329 his:0.0211 our:0.0207 said:0.0194 their:0.0123 tbe:0.0104 its:0.0099 -the:0.4967 a:0.1422 :0.1977 his:0.0627 their:0.0281 tho:0.0234 its:0.0176 this:0.0168 an:0.0075 our:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6383 to:0.0893 and:0.0834 of:0.0637 in:0.0300 the:0.0278 for:0.0215 as:0.0174 by:0.0142 that:0.0142 -:0.8156 and:0.0471 the:0.0405 to:0.0252 a:0.0171 of:0.0137 is:0.0110 that:0.0108 was:0.0106 as:0.0085 -:0.5487 of:0.1599 in:0.0722 the:0.0689 to:0.0341 by:0.0294 and:0.0290 a:0.0221 with:0.0182 on:0.0175 -:0.4757 to:0.2603 and:0.1006 of:0.1003 the:0.0154 in:0.0137 or:0.0102 a:0.0084 for:0.0081 not:0.0073 -:0.8120 the:0.0491 a:0.0348 said:0.0312 and:0.0297 of:0.0210 to:0.0070 that:0.0053 they:0.0050 is:0.0050 -of:0.2327 in:0.0732 to:0.0727 :0.4011 for:0.0700 from:0.0342 as:0.0332 by:0.0307 on:0.0270 and:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8643 the:0.0349 of:0.0280 and:0.0249 to:0.0161 a:0.0105 in:0.0058 as:0.0057 that:0.0052 or:0.0046 -:0.7419 the:0.0687 to:0.0433 and:0.0366 of:0.0347 a:0.0222 is:0.0147 in:0.0131 was:0.0126 be:0.0123 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.9426 old:0.0138 the:0.0102 first:0.0071 hour:0.0066 is:0.0045 not:0.0043 and:0.0042 said:0.0034 right:0.0033 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -more:0.0008 person:0.0006 cent:0.0006 hand:0.0005 war:0.0005 other:0.0005 :0.9952 sale:0.0004 decree:0.0004 public:0.0004 -:0.9013 and:0.0355 it:0.0137 that:0.0096 them:0.0085 him:0.0075 up:0.0070 out:0.0061 to:0.0058 but:0.0049 -has:0.2879 have:0.2061 had:0.1579 :0.2896 having:0.0250 lias:0.0107 not:0.0077 and:0.0059 the:0.0047 bad:0.0043 -:0.7595 the:0.0698 and:0.0361 of:0.0302 a:0.0248 to:0.0226 in:0.0219 that:0.0135 for:0.0114 is:0.0102 -:0.7177 of:0.1004 in:0.0639 and:0.0235 to:0.0188 that:0.0180 on:0.0176 for:0.0172 is:0.0125 by:0.0104 -:0.7326 and:0.0672 of:0.0496 to:0.0403 in:0.0262 for:0.0231 as:0.0181 the:0.0156 that:0.0143 at:0.0131 -:0.7681 he:0.0677 it:0.0546 who:0.0253 there:0.0223 she:0.0194 and:0.0159 that:0.0113 which:0.0099 to:0.0054 -:0.6348 the:0.0659 that:0.0575 and:0.0536 to:0.0417 he:0.0386 a:0.0376 as:0.0276 they:0.0221 it:0.0206 -:0.5601 of:0.0870 in:0.0772 to:0.0745 that:0.0596 for:0.0356 by:0.0330 on:0.0287 at:0.0234 and:0.0208 -:0.7913 the:0.0561 and:0.0371 of:0.0351 to:0.0263 a:0.0177 in:0.0113 for:0.0098 with:0.0080 his:0.0073 -:0.7913 the:0.0561 and:0.0371 of:0.0351 to:0.0263 a:0.0177 in:0.0113 for:0.0098 with:0.0080 his:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7932 of:0.0532 and:0.0300 to:0.0298 in:0.0274 for:0.0148 the:0.0145 with:0.0129 by:0.0121 on:0.0121 -:0.6233 the:0.1566 and:0.0536 a:0.0460 of:0.0389 to:0.0305 was:0.0154 in:0.0136 is:0.0132 his:0.0088 -:0.7478 of:0.0582 and:0.0564 the:0.0459 is:0.0220 a:0.0211 that:0.0176 was:0.0130 in:0.0096 to:0.0084 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.8918 and:0.0341 of:0.0261 to:0.0111 in:0.0085 the:0.0069 as:0.0060 for:0.0052 or:0.0052 is:0.0051 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6379 of:0.0670 to:0.0576 the:0.0566 and:0.0544 in:0.0318 for:0.0314 a:0.0241 at:0.0199 with:0.0193 -:0.6733 and:0.0828 of:0.0813 to:0.0371 or:0.0313 the:0.0220 in:0.0202 that:0.0199 is:0.0171 was:0.0150 -the:0.2276 :0.5885 be:0.0770 a:0.0258 this:0.0199 his:0.0199 its:0.0112 tho:0.0108 their:0.0100 make:0.0092 -:0.7264 the:0.1037 he:0.0434 a:0.0403 any:0.0188 they:0.0177 it:0.0153 one:0.0129 that:0.0108 she:0.0105 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9292 and:0.0134 are:0.0092 is:0.0088 months:0.0083 day:0.0070 hundred:0.0068 days:0.0064 years:0.0060 were:0.0049 -:0.7077 and:0.0912 to:0.0743 of:0.0316 or:0.0187 in:0.0184 that:0.0167 the:0.0149 which:0.0143 is:0.0121 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6551 the:0.0983 to:0.0609 in:0.0411 by:0.0280 a:0.0267 it:0.0232 that:0.0224 of:0.0222 and:0.0221 -:0.9006 to:0.0290 and:0.0198 out:0.0085 or:0.0081 him:0.0072 a:0.0072 look:0.0070 up:0.0070 that:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9399 and:0.0287 day:0.0058 or:0.0043 that:0.0040 of:0.0039 up:0.0037 but:0.0035 out:0.0032 are:0.0030 -a:0.0672 the:0.0465 of:0.0119 :0.8236 his:0.0095 no:0.0088 their:0.0086 tho:0.0084 an:0.0083 very:0.0071 -the:0.4416 :0.4304 this:0.0313 tho:0.0244 a:0.0214 said:0.0144 any:0.0111 our:0.0096 his:0.0093 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -the:0.3686 :0.4387 a:0.0650 his:0.0466 their:0.0181 this:0.0172 tho:0.0134 her:0.0131 our:0.0104 all:0.0089 -:0.7679 the:0.0504 do:0.0422 be:0.0360 take:0.0244 make:0.0216 get:0.0169 see:0.0155 a:0.0126 give:0.0125 -:0.6305 the:0.1142 of:0.0793 a:0.0420 and:0.0357 in:0.0317 for:0.0229 is:0.0159 to:0.0144 with:0.0135 -:0.7044 the:0.1566 a:0.0328 and:0.0320 of:0.0217 that:0.0129 in:0.0118 his:0.0111 their:0.0086 to:0.0082 -:0.8331 be:0.0463 the:0.0328 make:0.0225 all:0.0143 get:0.0125 that:0.0112 see:0.0103 give:0.0088 have:0.0082 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8694 the:0.0370 a:0.0271 to:0.0132 was:0.0112 is:0.0109 that:0.0089 his:0.0081 then:0.0074 as:0.0070 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8186 and:0.0299 is:0.0247 was:0.0230 the:0.0228 of:0.0193 in:0.0185 a:0.0158 he:0.0141 are:0.0133 -and:0.1721 :0.5035 of:0.0636 that:0.0631 as:0.0625 but:0.0549 when:0.0264 than:0.0191 is:0.0178 where:0.0170 -:0.6905 of:0.0705 to:0.0662 the:0.0553 and:0.0418 in:0.0209 that:0.0181 a:0.0145 for:0.0116 by:0.0106 -:0.7211 to:0.0593 the:0.0527 and:0.0504 his:0.0239 a:0.0238 he:0.0219 be:0.0197 that:0.0160 is:0.0111 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6522 that:0.1125 of:0.0737 and:0.0536 to:0.0310 in:0.0207 the:0.0196 a:0.0144 for:0.0133 at:0.0090 -of:0.2896 :0.4032 in:0.0740 to:0.0572 for:0.0356 at:0.0324 that:0.0292 on:0.0292 and:0.0256 with:0.0242 -been:0.0042 no:0.0034 a:0.0031 become:0.0028 the:0.0027 by:0.0019 put:0.0017 for:0.0015 any:0.0015 seen:0.0014 -:0.8101 the:0.0436 and:0.0405 of:0.0335 is:0.0154 a:0.0140 in:0.0132 to:0.0123 was:0.0104 be:0.0069 -:0.8921 the:0.0198 that:0.0159 to:0.0143 then:0.0112 as:0.0108 it:0.0101 he:0.0087 a:0.0086 all:0.0084 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8910 one:0.0476 out:0.0141 part:0.0098 some:0.0086 that:0.0083 line:0.0065 all:0.0048 many:0.0047 it:0.0047 -:0.7426 the:0.0597 of:0.0484 to:0.0368 in:0.0357 and:0.0234 a:0.0159 is:0.0135 at:0.0129 was:0.0111 -:0.9445 made:0.0118 that:0.0088 delivered:0.0071 followed:0.0059 it:0.0054 provided:0.0053 signed:0.0039 secured:0.0038 received:0.0037 -:0.9136 the:0.0233 this:0.0127 he:0.0080 it:0.0075 be:0.0073 a:0.0073 one:0.0070 was:0.0068 cent:0.0064 -the:0.2391 :0.4478 a:0.1134 of:0.0574 to:0.0279 by:0.0259 and:0.0239 for:0.0222 at:0.0215 in:0.0210 -a:0.0292 the:0.0247 their:0.0104 very:0.0096 per:0.0084 an:0.0084 his:0.0084 few:0.0060 be:0.0057 own:0.0049 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6284 the:0.1486 a:0.0620 of:0.0616 and:0.0291 in:0.0193 his:0.0189 that:0.0116 for:0.0106 this:0.0100 -:0.7438 of:0.0819 and:0.0657 to:0.0302 in:0.0211 for:0.0148 that:0.0128 the:0.0110 or:0.0094 as:0.0093 -:0.6964 had:0.0930 was:0.0830 is:0.0394 has:0.0320 be:0.0143 would:0.0133 are:0.0105 have:0.0101 will:0.0080 -:0.9251 it:0.0172 life:0.0121 time:0.0094 country:0.0068 opinion:0.0066 case:0.0064 which:0.0061 home:0.0057 way:0.0047 -:0.7740 be:0.0733 the:0.0724 a:0.0189 make:0.0131 have:0.0124 do:0.0109 get:0.0091 see:0.0080 take:0.0079 -:0.7031 the:0.1050 a:0.0812 to:0.0221 and:0.0194 for:0.0157 in:0.0142 his:0.0141 as:0.0136 that:0.0116 -the:0.2977 a:0.1200 :0.3402 this:0.0543 any:0.0439 one:0.0415 some:0.0364 his:0.0279 their:0.0226 tho:0.0155 -:0.8908 he:0.0396 it:0.0148 they:0.0139 which:0.0077 and:0.0073 she:0.0070 men:0.0065 that:0.0064 man:0.0059 -:0.8366 the:0.0725 old:0.0161 other:0.0141 a:0.0134 two:0.0123 any:0.0116 first:0.0089 average:0.0073 hour:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.8501 of:0.0386 and:0.0286 that:0.0188 to:0.0131 in:0.0127 the:0.0109 for:0.0100 as:0.0098 a:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8151 the:0.0481 he:0.0408 they:0.0197 it:0.0181 we:0.0171 is:0.0113 in:0.0102 all:0.0098 and:0.0097 -:0.7635 who:0.0752 and:0.0583 of:0.0242 to:0.0215 was:0.0187 or:0.0128 is:0.0089 as:0.0089 men:0.0079 -:0.7035 to:0.0660 the:0.0606 of:0.0491 and:0.0388 in:0.0272 a:0.0185 that:0.0165 at:0.0103 by:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7175 the:0.1194 a:0.0672 of:0.0284 and:0.0161 is:0.0127 his:0.0108 in:0.0102 was:0.0090 for:0.0088 -:0.8079 to:0.0568 and:0.0396 of:0.0176 the:0.0171 was:0.0151 is:0.0141 a:0.0128 will:0.0116 that:0.0072 -:0.7825 to:0.0691 and:0.0442 of:0.0229 that:0.0174 he:0.0163 in:0.0141 it:0.0113 which:0.0113 or:0.0109 -:0.7858 and:0.0548 the:0.0234 are:0.0229 to:0.0227 he:0.0206 as:0.0204 be:0.0185 have:0.0182 we:0.0127 -be:0.3454 :0.4966 the:0.0553 not:0.0240 have:0.0235 bo:0.0197 a:0.0128 to:0.0077 that:0.0077 make:0.0074 -:0.8264 and:0.0522 of:0.0306 to:0.0218 for:0.0142 in:0.0138 that:0.0121 the:0.0119 is:0.0090 as:0.0081 -the:0.2791 :0.5191 a:0.1154 and:0.0156 of:0.0147 his:0.0133 this:0.0128 tho:0.0124 no:0.0091 their:0.0083 -:0.6600 the:0.1483 a:0.0479 and:0.0454 of:0.0362 to:0.0288 in:0.0098 this:0.0083 tho:0.0082 or:0.0072 -of:0.2178 :0.3802 in:0.0845 to:0.0821 that:0.0582 for:0.0469 and:0.0355 on:0.0349 by:0.0317 at:0.0282 -:0.6721 the:0.1516 a:0.0720 of:0.0248 and:0.0221 to:0.0196 this:0.0104 his:0.0103 tho:0.0101 an:0.0070 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7628 and:0.0612 the:0.0385 to:0.0310 of:0.0265 is:0.0231 was:0.0181 be:0.0144 that:0.0124 he:0.0120 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.6467 is:0.0781 was:0.0601 has:0.0521 had:0.0484 have:0.0340 will:0.0237 are:0.0217 be:0.0194 would:0.0158 -:0.6353 the:0.1497 of:0.0580 and:0.0377 a:0.0344 in:0.0280 to:0.0265 for:0.0104 by:0.0102 at:0.0098 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6038 of:0.1111 in:0.0612 the:0.0562 at:0.0335 for:0.0316 to:0.0312 by:0.0251 a:0.0234 and:0.0228 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9073 not:0.0355 born:0.0140 one:0.0080 two:0.0063 a:0.0063 the:0.0063 taken:0.0057 more:0.0053 it:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8274 of:0.0299 in:0.0238 to:0.0236 for:0.0198 that:0.0192 with:0.0188 and:0.0150 as:0.0115 at:0.0111 -the:0.4967 a:0.1422 :0.1977 his:0.0627 their:0.0281 tho:0.0234 its:0.0176 this:0.0168 an:0.0075 our:0.0073 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.5958 is:0.1596 to:0.0542 was:0.0455 in:0.0404 and:0.0276 for:0.0240 of:0.0213 with:0.0177 as:0.0138 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5446 they:0.1516 we:0.0733 he:0.0654 it:0.0468 the:0.0392 there:0.0270 you:0.0223 which:0.0184 this:0.0114 -:0.7546 to:0.1068 and:0.0392 who:0.0213 will:0.0203 we:0.0131 would:0.0117 he:0.0112 it:0.0111 they:0.0106 -:0.6127 was:0.1259 and:0.0501 is:0.0428 had:0.0394 has:0.0333 of:0.0283 would:0.0240 to:0.0229 will:0.0207 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.8034 more:0.1155 less:0.0329 and:0.0142 the:0.0078 that:0.0060 it:0.0060 to:0.0051 better:0.0050 which:0.0042 -:0.7548 the:0.0799 and:0.0350 of:0.0340 a:0.0276 is:0.0184 was:0.0136 be:0.0132 in:0.0130 for:0.0104 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.7564 the:0.0790 and:0.0517 of:0.0296 a:0.0285 that:0.0172 to:0.0115 in:0.0088 as:0.0088 is:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1162 to:0.1159 :0.4603 in:0.0746 on:0.0492 for:0.0454 by:0.0432 that:0.0351 with:0.0331 at:0.0271 -:0.7848 the:0.0628 be:0.0389 make:0.0227 give:0.0204 pay:0.0171 take:0.0169 see:0.0136 get:0.0117 a:0.0113 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7201 the:0.1030 of:0.0484 and:0.0448 a:0.0213 is:0.0153 that:0.0133 was:0.0127 in:0.0118 his:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -of:0.3272 :0.3097 in:0.0900 to:0.0867 for:0.0570 that:0.0304 on:0.0298 at:0.0235 and:0.0231 by:0.0225 -:0.9444 same:0.0132 people:0.0103 men:0.0087 city:0.0062 world:0.0044 land:0.0035 country:0.0033 county:0.0031 following:0.0030 -:0.7193 of:0.0880 in:0.0370 to:0.0303 on:0.0284 that:0.0233 for:0.0195 and:0.0188 from:0.0180 by:0.0174 -:0.8462 made:0.0425 paid:0.0191 held:0.0173 used:0.0148 taken:0.0137 found:0.0132 done:0.0132 kept:0.0101 placed:0.0098 -:0.8066 will:0.0581 to:0.0344 would:0.0166 and:0.0163 he:0.0156 they:0.0142 of:0.0129 could:0.0127 we:0.0126 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.8956 made:0.0204 taken:0.0170 put:0.0123 paid:0.0109 used:0.0096 found:0.0088 given:0.0086 done:0.0084 held:0.0083 -:0.7191 it:0.1118 that:0.0391 and:0.0350 there:0.0241 which:0.0240 who:0.0159 he:0.0122 but:0.0098 of:0.0090 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -of:0.3135 :0.4003 in:0.0699 to:0.0560 and:0.0343 for:0.0326 that:0.0304 on:0.0241 with:0.0228 at:0.0160 -:0.9678 and:0.0068 in:0.0047 it:0.0047 of:0.0028 the:0.0028 more:0.0027 to:0.0027 one:0.0027 up:0.0023 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8836 and:0.0275 is:0.0224 to:0.0145 are:0.0131 was:0.0116 were:0.0087 of:0.0068 went:0.0064 came:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8501 the:0.0285 and:0.0267 of:0.0226 to:0.0176 in:0.0170 for:0.0125 that:0.0110 a:0.0076 with:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6008 the:0.1640 a:0.1300 of:0.0269 and:0.0180 tho:0.0134 this:0.0130 his:0.0129 every:0.0106 that:0.0104 -:0.7992 the:0.1072 a:0.0229 be:0.0114 his:0.0109 was:0.0105 he:0.0104 that:0.0103 then:0.0089 to:0.0082 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -to:0.2776 :0.5372 and:0.0443 will:0.0402 would:0.0255 can:0.0187 could:0.0169 is:0.0168 should:0.0114 we:0.0113 -:0.9173 years:0.0222 days:0.0185 hundred:0.0134 months:0.0059 time:0.0049 times:0.0046 men:0.0045 weeks:0.0044 and:0.0043 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -of:0.4388 in:0.0565 for:0.0486 :0.3142 on:0.0310 from:0.0278 and:0.0257 to:0.0235 at:0.0197 with:0.0141 -:0.7568 the:0.0863 and:0.0517 of:0.0263 is:0.0193 a:0.0183 was:0.0126 or:0.0103 this:0.0096 to:0.0087 -:0.6065 to:0.1160 of:0.0914 and:0.0538 in:0.0331 the:0.0306 that:0.0247 for:0.0156 as:0.0148 by:0.0136 -the:0.1800 :0.6043 a:0.0476 if:0.0424 he:0.0297 this:0.0290 it:0.0273 they:0.0159 tho:0.0127 no:0.0111 -:0.7487 the:0.0636 of:0.0340 in:0.0326 that:0.0303 a:0.0252 and:0.0208 with:0.0154 for:0.0147 as:0.0147 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.7893 made:0.0449 in:0.0359 not:0.0349 at:0.0222 with:0.0166 for:0.0165 that:0.0142 only:0.0127 by:0.0126 -:0.6665 the:0.0952 of:0.0591 a:0.0466 and:0.0443 was:0.0233 is:0.0221 in:0.0206 for:0.0120 his:0.0103 -:0.9353 same:0.0221 old:0.0061 most:0.0059 present:0.0057 city:0.0056 first:0.0054 last:0.0050 best:0.0046 world:0.0042 -:0.8881 the:0.0189 to:0.0176 of:0.0172 and:0.0127 a:0.0126 much:0.0119 in:0.0079 he:0.0067 not:0.0064 -:0.6636 a:0.0617 the:0.0582 to:0.0563 by:0.0355 of:0.0353 and:0.0311 in:0.0254 for:0.0193 with:0.0135 -:0.8517 few:0.0586 little:0.0186 good:0.0166 great:0.0153 large:0.0113 certain:0.0079 young:0.0071 new:0.0065 very:0.0065 -:0.9514 and:0.0096 more:0.0081 it:0.0062 that:0.0054 less:0.0045 them:0.0041 other:0.0038 years:0.0034 him:0.0034 -:0.9512 recorded:0.0079 it:0.0076 that:0.0071 put:0.0050 then:0.0050 interest:0.0045 made:0.0042 is:0.0038 the:0.0037 -:0.7131 of:0.0741 in:0.0528 and:0.0423 the:0.0261 to:0.0258 is:0.0190 for:0.0167 at:0.0158 was:0.0143 -:0.9031 as:0.0152 up:0.0145 and:0.0133 able:0.0113 enough:0.0104 feet:0.0104 them:0.0082 him:0.0077 referred:0.0059 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6193 of:0.1910 and:0.0538 to:0.0359 in:0.0235 the:0.0214 for:0.0139 is:0.0139 or:0.0137 at:0.0136 -:0.6736 it:0.1607 that:0.0444 which:0.0293 he:0.0273 and:0.0265 there:0.0165 what:0.0077 but:0.0073 as:0.0067 -:0.6913 a:0.1213 the:0.0634 not:0.0252 at:0.0235 no:0.0219 in:0.0195 by:0.0118 for:0.0112 to:0.0110 -:0.7722 he:0.0441 they:0.0397 it:0.0315 and:0.0284 who:0.0242 we:0.0212 which:0.0152 that:0.0144 you:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7852 the:0.0793 to:0.0352 a:0.0258 and:0.0231 of:0.0215 his:0.0076 in:0.0076 for:0.0075 was:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -will:0.3146 would:0.1344 may:0.0811 should:0.0702 shall:0.0642 can:0.0640 :0.1519 to:0.0468 must:0.0450 could:0.0278 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -to:0.1974 of:0.1270 in:0.0930 :0.3667 for:0.0488 by:0.0431 on:0.0379 from:0.0311 that:0.0283 with:0.0267 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5235 to:0.1200 of:0.1082 in:0.0463 for:0.0463 with:0.0450 and:0.0406 by:0.0310 on:0.0203 as:0.0188 -:0.8610 to:0.0453 and:0.0328 the:0.0111 of:0.0104 a:0.0099 will:0.0081 at:0.0073 may:0.0071 or:0.0070 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2978 :0.4766 a:0.0665 and:0.0437 of:0.0369 to:0.0302 his:0.0170 this:0.0111 was:0.0104 tho:0.0099 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.2879 :0.5372 a:0.0777 this:0.0180 his:0.0175 tho:0.0151 said:0.0138 in:0.0117 our:0.0106 to:0.0106 -:0.9304 one:0.0223 part:0.0098 day:0.0086 line:0.0062 side:0.0057 number:0.0047 use:0.0043 out:0.0040 place:0.0040 -:0.6785 of:0.0866 to:0.0669 and:0.0404 in:0.0284 the:0.0251 for:0.0223 is:0.0182 by:0.0172 was:0.0164 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8992 same:0.0274 highest:0.0145 great:0.0113 new:0.0094 first:0.0087 most:0.0081 whole:0.0078 second:0.0068 last:0.0068 -been:0.3512 a:0.0452 no:0.0316 the:0.0292 :0.4926 an:0.0130 become:0.0118 not:0.0087 done:0.0085 their:0.0082 -of:0.3494 to:0.1053 :0.2772 in:0.0889 for:0.0438 and:0.0351 at:0.0327 on:0.0284 from:0.0222 by:0.0169 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9590 same:0.0099 two:0.0057 right:0.0049 best:0.0041 other:0.0038 people:0.0034 most:0.0032 time:0.0031 city:0.0030 -:0.8148 to:0.0375 in:0.0340 for:0.0227 with:0.0176 and:0.0161 of:0.0152 the:0.0150 that:0.0146 by:0.0125 -:0.8131 and:0.0551 to:0.0276 was:0.0228 of:0.0224 is:0.0179 the:0.0119 or:0.0108 in:0.0094 be:0.0089 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8993 the:0.0493 a:0.0124 old:0.0088 hour:0.0062 this:0.0058 said:0.0056 and:0.0053 first:0.0037 other:0.0036 -:0.7661 not:0.0597 to:0.0450 in:0.0285 that:0.0251 at:0.0241 now:0.0150 of:0.0138 and:0.0121 a:0.0107 -:0.8151 the:0.0545 and:0.0370 a:0.0240 of:0.0230 in:0.0132 is:0.0099 or:0.0099 that:0.0067 was:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9286 and:0.0285 is:0.0086 are:0.0072 deal:0.0070 was:0.0052 were:0.0040 years:0.0038 be:0.0037 or:0.0035 -:0.7510 and:0.0935 of:0.0590 to:0.0215 in:0.0165 that:0.0144 for:0.0122 from:0.0118 is:0.0103 as:0.0098 -:0.9306 all:0.0128 that:0.0094 said:0.0093 so:0.0091 declared:0.0071 say:0.0059 and:0.0058 found:0.0056 if:0.0045 -:0.8528 the:0.0537 a:0.0203 and:0.0155 in:0.0130 of:0.0117 to:0.0112 it:0.0077 are:0.0074 at:0.0069 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9363 is:0.0152 and:0.0136 as:0.0074 time:0.0071 was:0.0051 are:0.0043 came:0.0039 went:0.0036 order:0.0035 -:0.6011 the:0.2447 a:0.0429 and:0.0309 of:0.0242 this:0.0143 to:0.0114 tho:0.0111 that:0.0103 was:0.0092 -:0.7359 and:0.0675 of:0.0380 the:0.0361 to:0.0297 is:0.0217 was:0.0211 in:0.0190 it:0.0183 for:0.0128 -:0.6206 to:0.1241 of:0.0595 in:0.0453 and:0.0451 the:0.0360 that:0.0225 for:0.0172 by:0.0169 at:0.0125 -be:0.2696 :0.4904 not:0.0954 have:0.0542 he:0.0318 bo:0.0264 never:0.0093 do:0.0085 to:0.0073 that:0.0071 -to:0.2084 :0.3453 of:0.1292 in:0.1022 and:0.0510 the:0.0454 by:0.0349 for:0.0333 with:0.0275 that:0.0228 -:0.8670 to:0.0324 and:0.0225 it:0.0134 up:0.0130 a:0.0120 the:0.0107 he:0.0105 you:0.0096 him:0.0089 -:0.5506 the:0.1984 to:0.0913 and:0.0468 of:0.0369 a:0.0234 in:0.0220 this:0.0118 his:0.0113 that:0.0075 -ago:0.0571 :0.8431 and:0.0231 of:0.0179 to:0.0173 in:0.0099 for:0.0091 as:0.0083 that:0.0075 at:0.0067 -:0.6978 the:0.0916 and:0.0526 to:0.0429 that:0.0241 in:0.0239 of:0.0188 a:0.0184 for:0.0163 as:0.0136 -:0.6142 the:0.1198 a:0.0861 of:0.0831 and:0.0313 at:0.0151 to:0.0142 that:0.0135 in:0.0125 for:0.0101 -:0.6416 the:0.1984 a:0.0642 he:0.0177 to:0.0152 and:0.0146 one:0.0144 this:0.0120 no:0.0113 other:0.0107 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9103 few:0.0186 good:0.0133 little:0.0127 large:0.0125 great:0.0080 certain:0.0074 man:0.0070 very:0.0052 new:0.0049 -:0.6587 the:0.1300 a:0.0497 of:0.0466 and:0.0303 that:0.0221 this:0.0202 to:0.0180 in:0.0136 his:0.0109 -:0.7201 of:0.0491 and:0.0490 the:0.0393 to:0.0333 in:0.0257 that:0.0218 is:0.0217 was:0.0207 as:0.0194 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.8619 of:0.0362 and:0.0338 to:0.0196 in:0.0135 the:0.0107 or:0.0070 a:0.0067 years:0.0056 for:0.0050 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2941 a:0.2717 :0.2859 his:0.0497 their:0.0215 tho:0.0184 her:0.0181 an:0.0174 this:0.0127 our:0.0106 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7606 of:0.1191 and:0.0525 to:0.0197 in:0.0127 the:0.0094 or:0.0094 for:0.0061 by:0.0053 on:0.0051 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6976 the:0.1045 a:0.0411 of:0.0316 to:0.0264 and:0.0249 is:0.0218 was:0.0209 in:0.0175 be:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6556 to:0.0837 of:0.0743 and:0.0523 the:0.0478 in:0.0300 a:0.0149 on:0.0143 that:0.0139 for:0.0133 -the:0.3711 :0.5082 a:0.0449 his:0.0141 tho:0.0135 to:0.0111 this:0.0102 an:0.0090 said:0.0090 tbe:0.0089 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8083 a:0.0335 to:0.0320 that:0.0241 in:0.0212 for:0.0179 made:0.0174 not:0.0167 no:0.0151 with:0.0138 -:0.7731 to:0.0649 the:0.0450 and:0.0310 was:0.0197 of:0.0180 is:0.0158 be:0.0134 a:0.0096 in:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8131 and:0.0551 to:0.0276 was:0.0228 of:0.0224 is:0.0179 the:0.0119 or:0.0108 in:0.0094 be:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7854 not:0.1177 be:0.0194 have:0.0171 two:0.0123 the:0.0118 a:0.0118 are:0.0096 three:0.0079 years:0.0070 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9473 same:0.0143 world:0.0068 city:0.0067 country:0.0048 year:0.0047 long:0.0041 law:0.0041 government:0.0038 time:0.0032 -:0.8123 to:0.1004 and:0.0317 which:0.0117 will:0.0100 we:0.0081 who:0.0079 would:0.0069 they:0.0058 or:0.0053 -:0.6143 a:0.2339 the:0.0768 and:0.0158 an:0.0127 of:0.0121 said:0.0115 own:0.0107 that:0.0061 for:0.0060 -:0.8713 and:0.0448 to:0.0283 of:0.0162 the:0.0103 not:0.0081 is:0.0060 was:0.0054 as:0.0050 in:0.0046 -:0.8058 he:0.0721 that:0.0202 mortgage:0.0184 they:0.0171 we:0.0170 she:0.0136 who:0.0122 it:0.0120 which:0.0117 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.8545 few:0.0417 little:0.0223 large:0.0178 good:0.0152 great:0.0136 certain:0.0115 small:0.0089 very:0.0083 new:0.0062 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6747 the:0.1371 a:0.0560 to:0.0413 and:0.0258 in:0.0167 his:0.0149 of:0.0145 said:0.0102 their:0.0090 -:0.8505 of:0.0303 and:0.0246 in:0.0213 is:0.0155 the:0.0130 was:0.0120 as:0.0118 to:0.0113 for:0.0097 -:0.8095 of:0.0385 and:0.0323 the:0.0311 that:0.0264 to:0.0231 a:0.0136 in:0.0098 for:0.0091 which:0.0067 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.6978 to:0.1198 and:0.0472 is:0.0359 was:0.0274 in:0.0202 of:0.0201 be:0.0111 will:0.0104 has:0.0100 -the:0.0772 :0.8181 his:0.0262 a:0.0210 their:0.0120 its:0.0118 not:0.0109 tho:0.0078 every:0.0078 very:0.0072 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.6380 the:0.1611 of:0.0487 and:0.0363 a:0.0347 to:0.0282 in:0.0220 was:0.0110 for:0.0109 or:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4889 of:0.2254 to:0.0775 and:0.0516 is:0.0341 in:0.0338 was:0.0321 the:0.0232 are:0.0224 at:0.0109 -had:0.1066 :0.6294 have:0.0663 has:0.0476 was:0.0334 is:0.0306 are:0.0298 be:0.0260 were:0.0181 to:0.0121 -:0.8109 and:0.0674 to:0.0486 was:0.0133 but:0.0125 in:0.0110 of:0.0101 it:0.0091 is:0.0088 just:0.0083 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7608 the:0.1100 a:0.0331 and:0.0294 of:0.0187 to:0.0149 in:0.0101 for:0.0083 this:0.0077 be:0.0070 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8789 and:0.0515 to:0.0142 is:0.0106 was:0.0090 of:0.0085 a:0.0078 the:0.0068 are:0.0066 who:0.0062 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -go:0.0009 sit:0.0009 the:0.0008 those:0.0008 a:0.0007 correspond:0.0006 he:0.0006 say:0.0006 nper:0.0006 went:0.0005 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.5036 of:0.1586 to:0.0870 and:0.0685 the:0.0510 in:0.0444 for:0.0332 with:0.0198 by:0.0171 that:0.0168 -:0.7203 of:0.0686 and:0.0659 to:0.0576 in:0.0223 for:0.0161 from:0.0151 by:0.0132 at:0.0110 the:0.0100 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.8532 the:0.0369 and:0.0302 a:0.0212 to:0.0178 of:0.0117 is:0.0085 was:0.0072 are:0.0067 in:0.0067 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.2047 of:0.1676 :0.3411 in:0.0862 on:0.0420 for:0.0382 from:0.0351 at:0.0292 and:0.0287 by:0.0272 -:0.7353 and:0.1308 to:0.0385 was:0.0204 is:0.0178 of:0.0172 the:0.0128 will:0.0115 or:0.0081 has:0.0077 -:0.6782 the:0.0834 of:0.0704 a:0.0685 in:0.0282 to:0.0182 and:0.0145 his:0.0144 for:0.0127 real:0.0115 -the:0.0627 this:0.0294 accordance:0.0192 said:0.0187 order:0.0178 its:0.0158 their:0.0157 his:0.0141 :0.7944 a:0.0123 -:0.5384 the:0.1986 a:0.1421 to:0.0295 no:0.0222 any:0.0191 he:0.0161 his:0.0124 an:0.0110 this:0.0107 -:0.8468 of:0.0433 and:0.0329 years:0.0194 or:0.0140 in:0.0125 to:0.0100 the:0.0079 for:0.0068 that:0.0066 -:0.8558 the:0.0438 a:0.0352 and:0.0119 he:0.0118 so:0.0115 his:0.0093 it:0.0071 this:0.0069 their:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7342 and:0.0609 the:0.0581 a:0.0440 of:0.0333 to:0.0172 was:0.0149 is:0.0148 will:0.0115 are:0.0109 -:0.8759 of:0.0504 and:0.0247 the:0.0110 as:0.0081 in:0.0079 or:0.0062 for:0.0055 is:0.0055 way:0.0050 -:0.7218 and:0.0904 to:0.0588 of:0.0306 is:0.0280 was:0.0186 in:0.0181 as:0.0139 but:0.0112 will:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7862 the:0.0530 of:0.0394 and:0.0321 a:0.0184 in:0.0165 is:0.0155 was:0.0145 to:0.0124 that:0.0121 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.8778 and:0.0369 will:0.0159 of:0.0147 that:0.0136 as:0.0101 to:0.0087 are:0.0081 is:0.0072 we:0.0070 -:0.9131 and:0.0159 them:0.0158 him:0.0122 as:0.0104 is:0.0072 up:0.0068 according:0.0066 it:0.0063 feet:0.0057 -the:0.4973 :0.2944 a:0.0860 his:0.0325 tho:0.0253 this:0.0226 their:0.0132 he:0.0115 tbe:0.0088 it:0.0083 -hour:0.0120 opportunity:0.0088 :0.9574 inch:0.0052 right:0.0043 appeal:0.0031 alley:0.0024 act:0.0024 old:0.0023 execution:0.0021 -:0.8424 the:0.0301 to:0.0226 in:0.0223 and:0.0197 of:0.0180 that:0.0139 a:0.0116 by:0.0097 at:0.0096 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.8542 the:0.0273 you:0.0200 and:0.0180 it:0.0160 we:0.0152 is:0.0133 they:0.0128 to:0.0117 them:0.0115 -:0.8329 and:0.0619 that:0.0324 but:0.0146 as:0.0142 which:0.0100 to:0.0095 it:0.0089 is:0.0079 he:0.0078 -the:0.2585 :0.5653 a:0.1034 this:0.0160 tho:0.0118 his:0.0110 any:0.0109 and:0.0089 of:0.0075 one:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5313 they:0.1869 we:0.0954 there:0.0633 you:0.0477 he:0.0251 it:0.0205 which:0.0112 as:0.0108 and:0.0079 -:0.7033 the:0.1124 a:0.0565 of:0.0476 and:0.0336 this:0.0109 his:0.0102 in:0.0098 is:0.0080 to:0.0075 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -of:0.2303 :0.5995 and:0.0532 to:0.0328 or:0.0201 hundred:0.0174 in:0.0152 with:0.0138 for:0.0099 is:0.0078 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7058 the:0.1318 a:0.0398 and:0.0329 is:0.0229 was:0.0187 of:0.0133 be:0.0132 to:0.0121 are:0.0096 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5963 of:0.1520 and:0.0612 to:0.0523 in:0.0342 with:0.0257 for:0.0235 on:0.0212 by:0.0168 from:0.0167 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8085 is:0.0559 was:0.0417 and:0.0204 to:0.0201 a:0.0138 will:0.0112 are:0.0104 that:0.0091 the:0.0087 -:0.6930 the:0.1234 a:0.0653 and:0.0320 to:0.0297 of:0.0176 he:0.0116 this:0.0102 his:0.0097 an:0.0076 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9085 to:0.0230 and:0.0186 in:0.0099 is:0.0083 that:0.0075 the:0.0066 was:0.0066 it:0.0064 or:0.0047 -the:0.3124 :0.5143 a:0.0543 tho:0.0257 this:0.0254 these:0.0170 any:0.0156 our:0.0132 his:0.0126 said:0.0095 -it:0.0767 :0.8501 there:0.0278 which:0.0107 that:0.0097 what:0.0078 he:0.0055 who:0.0045 life:0.0043 and:0.0028 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.6195 of:0.2174 and:0.0428 to:0.0414 in:0.0266 for:0.0115 or:0.0114 from:0.0101 by:0.0099 with:0.0095 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.4260 was:0.1377 is:0.1015 are:0.0986 will:0.0584 were:0.0509 would:0.0373 to:0.0358 be:0.0326 the:0.0212 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8256 and:0.0432 to:0.0297 the:0.0194 is:0.0181 was:0.0167 of:0.0143 be:0.0126 as:0.0111 have:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9013 and:0.0377 to:0.0152 it:0.0106 him:0.0074 but:0.0063 in:0.0055 them:0.0054 as:0.0053 out:0.0052 -:0.9168 and:0.0211 to:0.0137 of:0.0087 out:0.0075 that:0.0072 up:0.0069 him:0.0065 them:0.0060 but:0.0056 -:0.7762 the:0.0472 a:0.0328 to:0.0292 of:0.0265 and:0.0245 not:0.0232 that:0.0176 in:0.0128 an:0.0100 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6565 to:0.1046 and:0.0871 of:0.0858 in:0.0240 that:0.0144 or:0.0077 for:0.0069 but:0.0065 as:0.0065 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.4639 it:0.2060 he:0.1521 there:0.0854 she:0.0294 which:0.0240 they:0.0136 you:0.0102 the:0.0098 we:0.0058 -:0.9398 is:0.0113 it:0.0086 one:0.0076 more:0.0068 he:0.0063 once:0.0055 the:0.0050 are:0.0047 was:0.0043 -:0.8642 and:0.0318 of:0.0216 a:0.0159 the:0.0154 in:0.0122 to:0.0119 for:0.0111 that:0.0081 with:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.7168 of:0.0625 the:0.0570 and:0.0440 is:0.0332 was:0.0270 a:0.0227 in:0.0129 or:0.0128 are:0.0111 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8361 and:0.0538 to:0.0329 is:0.0187 as:0.0136 was:0.0133 or:0.0094 of:0.0089 but:0.0068 in:0.0066 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8871 and:0.0216 is:0.0189 to:0.0130 he:0.0129 was:0.0117 are:0.0111 be:0.0099 or:0.0070 a:0.0069 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.9385 part:0.0105 city:0.0086 one:0.0081 day:0.0078 amount:0.0069 purpose:0.0054 number:0.0053 line:0.0045 kind:0.0044 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7469 to:0.1176 and:0.0389 was:0.0194 of:0.0193 will:0.0149 the:0.0142 is:0.0135 in:0.0094 for:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4914 to:0.2366 and:0.0624 of:0.0575 the:0.0560 in:0.0282 as:0.0216 that:0.0199 for:0.0139 or:0.0126 -and:0.0576 to:0.0429 as:0.0399 that:0.0369 :0.7403 but:0.0198 it:0.0193 the:0.0176 for:0.0129 by:0.0127 -:0.9304 one:0.0223 part:0.0098 day:0.0086 line:0.0062 side:0.0057 number:0.0047 use:0.0043 out:0.0040 place:0.0040 -of:0.3005 :0.3399 to:0.1078 in:0.0842 on:0.0389 with:0.0316 for:0.0301 by:0.0240 from:0.0232 and:0.0197 -to:0.4334 :0.3176 and:0.0904 of:0.0649 in:0.0280 the:0.0180 for:0.0171 by:0.0110 or:0.0100 a:0.0097 -not:0.1703 be:0.1307 :0.5291 have:0.0832 make:0.0193 get:0.0152 do:0.0148 is:0.0135 in:0.0124 was:0.0114 -:0.9693 it:0.0069 provided:0.0040 made:0.0037 as:0.0029 then:0.0028 and:0.0028 that:0.0026 is:0.0025 there:0.0025 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8170 to:0.0385 the:0.0333 and:0.0314 of:0.0288 in:0.0134 for:0.0097 a:0.0096 or:0.0094 as:0.0089 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6326 the:0.1023 a:0.0792 not:0.0757 no:0.0314 that:0.0236 an:0.0182 to:0.0133 in:0.0120 very:0.0117 -the:0.3107 :0.4598 a:0.1181 and:0.0263 of:0.0178 tho:0.0175 his:0.0158 was:0.0116 is:0.0113 no:0.0112 -:0.9575 day:0.0093 time:0.0071 and:0.0045 way:0.0043 one:0.0041 years:0.0037 year:0.0036 or:0.0033 place:0.0026 -:0.8572 the:0.0458 a:0.0325 and:0.0129 is:0.0097 not:0.0096 an:0.0093 we:0.0082 as:0.0076 was:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.6303 and:0.1157 of:0.1130 to:0.0523 or:0.0250 that:0.0175 the:0.0152 is:0.0119 as:0.0099 was:0.0092 -:0.8693 a:0.0260 he:0.0243 the:0.0194 it:0.0157 to:0.0126 and:0.0093 is:0.0091 will:0.0072 as:0.0071 -:0.7633 the:0.1014 a:0.0317 and:0.0266 of:0.0263 to:0.0144 in:0.0127 that:0.0095 his:0.0073 for:0.0068 -:0.8494 the:0.0360 and:0.0275 of:0.0250 in:0.0160 to:0.0140 that:0.0089 a:0.0085 by:0.0078 at:0.0069 -:0.8911 to:0.0170 and:0.0164 was:0.0137 of:0.0133 is:0.0129 not:0.0115 it:0.0100 in:0.0074 has:0.0067 -:0.5604 of:0.1053 to:0.0783 in:0.0641 that:0.0441 for:0.0336 by:0.0312 on:0.0285 at:0.0276 with:0.0269 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -the:0.6473 :0.1802 a:0.0602 tho:0.0262 his:0.0215 their:0.0211 our:0.0123 this:0.0115 its:0.0102 an:0.0095 -:0.8337 the:0.0392 to:0.0351 and:0.0226 a:0.0179 in:0.0171 of:0.0111 it:0.0099 that:0.0069 at:0.0067 -:0.7339 the:0.1412 a:0.0314 his:0.0184 was:0.0176 that:0.0134 is:0.0127 be:0.0110 tho:0.0105 its:0.0101 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9439 hour:0.0223 home:0.0057 opportunity:0.0044 years:0.0044 hundred:0.0043 wife:0.0038 old:0.0038 land:0.0038 interest:0.0035 -:0.6528 to:0.0904 and:0.0680 of:0.0493 in:0.0314 was:0.0290 has:0.0217 is:0.0214 the:0.0190 as:0.0170 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7770 and:0.0519 the:0.0476 a:0.0264 to:0.0254 of:0.0218 was:0.0194 is:0.0115 or:0.0096 be:0.0094 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -of:0.2303 :0.5995 and:0.0532 to:0.0328 or:0.0201 hundred:0.0174 in:0.0152 with:0.0138 for:0.0099 is:0.0078 -had:0.1170 was:0.1112 :0.6012 is:0.0722 has:0.0457 took:0.0130 are:0.0130 have:0.0094 would:0.0086 went:0.0086 -:0.8636 and:0.0405 as:0.0191 that:0.0189 the:0.0174 a:0.0091 of:0.0090 is:0.0080 which:0.0079 said:0.0064 -:0.6692 the:0.1935 a:0.0574 of:0.0228 tho:0.0101 and:0.0099 their:0.0097 his:0.0094 to:0.0093 in:0.0088 -:0.8117 and:0.0477 of:0.0397 the:0.0228 is:0.0192 was:0.0175 to:0.0129 in:0.0118 as:0.0088 a:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.3342 :0.4115 to:0.0671 and:0.0666 in:0.0363 for:0.0262 as:0.0180 by:0.0139 or:0.0132 at:0.0129 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.8195 that:0.0520 and:0.0334 to:0.0301 of:0.0122 in:0.0115 but:0.0115 as:0.0102 for:0.0100 which:0.0097 -:0.9394 and:0.0108 it:0.0095 is:0.0073 him:0.0068 was:0.0066 are:0.0059 that:0.0049 the:0.0047 were:0.0041 -other:0.0116 any:0.0110 the:0.0075 reject:0.0050 two:0.0048 :0.9459 less:0.0041 three:0.0034 a:0.0034 every:0.0033 -:0.7762 the:0.0472 a:0.0328 to:0.0292 of:0.0265 and:0.0245 not:0.0232 that:0.0176 in:0.0128 an:0.0100 -had:0.1937 not:0.1328 :0.2933 been:0.0886 have:0.0694 never:0.0564 already:0.0496 has:0.0411 ever:0.0391 always:0.0360 -:0.8191 one:0.0495 per:0.0304 and:0.0192 of:0.0169 or:0.0162 a:0.0152 two:0.0114 time:0.0112 the:0.0109 -:0.6194 of:0.1085 a:0.0799 and:0.0588 the:0.0489 to:0.0241 for:0.0201 at:0.0142 in:0.0142 is:0.0119 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.8250 the:0.0905 a:0.0247 this:0.0112 his:0.0101 which:0.0084 tho:0.0083 them:0.0079 it:0.0073 her:0.0066 -:0.8578 and:0.0622 is:0.0161 to:0.0141 was:0.0099 or:0.0096 up:0.0080 out:0.0078 but:0.0073 of:0.0073 -:0.6889 was:0.0526 is:0.0440 be:0.0428 have:0.0352 has:0.0328 the:0.0319 and:0.0317 had:0.0250 are:0.0151 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7249 of:0.0977 in:0.0479 to:0.0266 with:0.0233 from:0.0217 for:0.0209 by:0.0139 and:0.0136 as:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.8835 more:0.0212 are:0.0203 is:0.0177 will:0.0128 and:0.0120 he:0.0091 the:0.0080 it:0.0080 was:0.0075 -:0.5054 of:0.1552 to:0.1328 in:0.0620 and:0.0413 for:0.0251 from:0.0210 on:0.0197 by:0.0197 with:0.0176 -:0.6680 the:0.1778 a:0.0409 of:0.0360 and:0.0262 in:0.0171 his:0.0112 is:0.0078 was:0.0075 to:0.0075 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6742 of:0.1612 and:0.0479 to:0.0317 in:0.0253 the:0.0132 for:0.0132 or:0.0121 that:0.0106 who:0.0106 -:0.8119 more:0.0514 less:0.0451 two:0.0270 three:0.0212 other:0.0109 four:0.0108 one:0.0102 otherwise:0.0061 six:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.9122 more:0.0388 less:0.0101 other:0.0094 same:0.0073 war:0.0057 better:0.0050 city:0.0044 whole:0.0039 world:0.0033 -:0.8042 made:0.0575 held:0.0220 done:0.0201 paid:0.0197 given:0.0165 found:0.0164 used:0.0160 taken:0.0142 followed:0.0135 -:0.6574 the:0.1840 a:0.0703 his:0.0222 their:0.0126 tho:0.0119 any:0.0119 other:0.0111 every:0.0096 he:0.0091 -:0.8115 of:0.0404 and:0.0361 to:0.0352 in:0.0193 for:0.0154 with:0.0111 from:0.0105 by:0.0104 the:0.0102 -:0.7598 the:0.0778 and:0.0323 was:0.0235 to:0.0219 a:0.0217 of:0.0201 be:0.0180 is:0.0155 are:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7174 the:0.0769 of:0.0601 and:0.0419 a:0.0233 to:0.0204 in:0.0189 at:0.0163 for:0.0130 was:0.0118 -:0.9050 pay:0.0142 be:0.0132 vote:0.0122 him:0.0110 call:0.0099 provide:0.0096 work:0.0093 look:0.0085 do:0.0070 -:0.9361 man:0.0162 time:0.0071 matter:0.0068 result:0.0062 day:0.0059 bill:0.0059 long:0.0056 good:0.0054 little:0.0049 -:0.8601 the:0.0423 and:0.0350 a:0.0125 to:0.0105 of:0.0092 so:0.0086 not:0.0077 one:0.0071 is:0.0070 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8052 the:0.0908 of:0.0251 a:0.0238 and:0.0119 in:0.0108 that:0.0107 to:0.0080 tho:0.0070 at:0.0067 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.7650 the:0.0840 to:0.0396 and:0.0307 in:0.0207 of:0.0142 a:0.0134 was:0.0130 is:0.0099 by:0.0095 -:0.7139 it:0.0747 which:0.0468 who:0.0449 he:0.0329 there:0.0267 that:0.0253 and:0.0208 was:0.0078 she:0.0063 -the:0.3112 a:0.2122 :0.3135 their:0.0326 his:0.0305 tho:0.0233 its:0.0228 this:0.0221 our:0.0162 her:0.0155 -:0.7185 of:0.0766 the:0.0717 and:0.0315 in:0.0285 to:0.0201 a:0.0164 for:0.0138 that:0.0126 it:0.0104 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.6040 of:0.2028 in:0.0474 for:0.0236 that:0.0234 and:0.0217 with:0.0214 by:0.0195 to:0.0183 the:0.0179 -been:0.3108 :0.5539 not:0.0579 a:0.0225 the:0.0123 never:0.0109 no:0.0102 ever:0.0072 to:0.0071 always:0.0070 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6839 the:0.1561 of:0.0446 to:0.0317 a:0.0259 and:0.0227 in:0.0144 this:0.0071 tho:0.0069 at:0.0066 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9050 other:0.0170 doubt:0.0148 the:0.0136 more:0.0121 time:0.0089 longer:0.0089 and:0.0077 he:0.0060 one:0.0060 -:0.6987 the:0.1036 to:0.0521 a:0.0360 of:0.0313 in:0.0265 and:0.0151 it:0.0123 that:0.0122 for:0.0120 -:0.6737 of:0.0863 in:0.0487 the:0.0485 and:0.0354 is:0.0245 for:0.0237 to:0.0214 a:0.0195 was:0.0185 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7353 and:0.1308 to:0.0385 was:0.0204 is:0.0178 of:0.0172 the:0.0128 will:0.0115 or:0.0081 has:0.0077 -:0.8489 and:0.0492 who:0.0278 to:0.0220 the:0.0128 is:0.0091 of:0.0087 it:0.0078 that:0.0072 he:0.0066 -:0.8339 the:0.0564 a:0.0189 that:0.0175 to:0.0168 other:0.0158 and:0.0136 one:0.0105 he:0.0095 this:0.0073 -:0.8959 and:0.0194 of:0.0160 to:0.0119 are:0.0115 or:0.0115 is:0.0092 a:0.0088 the:0.0083 not:0.0075 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8409 and:0.0577 to:0.0294 of:0.0134 the:0.0130 is:0.0114 was:0.0111 he:0.0081 that:0.0078 will:0.0072 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8544 and:0.0341 who:0.0168 has:0.0167 they:0.0151 he:0.0143 the:0.0133 is:0.0126 have:0.0115 as:0.0113 -the:0.4157 a:0.1168 :0.2901 this:0.0430 his:0.0397 their:0.0265 its:0.0231 an:0.0169 one:0.0143 tho:0.0141 -:0.8541 and:0.0365 to:0.0261 was:0.0195 of:0.0164 is:0.0163 or:0.0081 in:0.0081 that:0.0076 the:0.0073 -be:0.3958 :0.4527 have:0.0589 to:0.0261 bo:0.0184 not:0.0168 had:0.0090 the:0.0088 take:0.0074 in:0.0061 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6281 the:0.1501 a:0.0612 to:0.0424 and:0.0394 of:0.0373 that:0.0112 his:0.0108 in:0.0106 this:0.0090 -had:0.4594 has:0.4096 have:0.0554 :0.0519 lias:0.0098 was:0.0039 having:0.0033 bad:0.0026 haa:0.0021 never:0.0021 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5143 to:0.0944 in:0.0942 of:0.0708 for:0.0659 with:0.0397 by:0.0383 and:0.0346 on:0.0257 at:0.0221 -:0.9136 and:0.0154 to:0.0142 from:0.0096 of:0.0091 for:0.0088 that:0.0079 in:0.0074 the:0.0070 on:0.0069 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9284 same:0.0206 said:0.0102 first:0.0081 following:0.0075 public:0.0056 the:0.0052 other:0.0051 old:0.0047 most:0.0046 -:0.6503 the:0.2160 a:0.0361 his:0.0203 her:0.0149 this:0.0146 their:0.0124 to:0.0123 said:0.0123 tho:0.0108 -:0.5419 has:0.2164 had:0.0941 have:0.0630 having:0.0423 the:0.0102 lias:0.0087 and:0.0085 it:0.0075 that:0.0074 -the:0.3741 :0.4383 a:0.0608 tho:0.0251 his:0.0245 this:0.0230 said:0.0197 our:0.0144 their:0.0106 all:0.0095 -the:0.1929 :0.5976 a:0.0524 of:0.0497 to:0.0318 and:0.0215 in:0.0155 tho:0.0140 for:0.0123 his:0.0122 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -be:0.5097 :0.3357 bo:0.0411 have:0.0411 not:0.0326 do:0.0123 he:0.0098 take:0.0066 lie:0.0056 probably:0.0055 -:0.5781 the:0.1242 to:0.0653 that:0.0524 and:0.0438 of:0.0422 a:0.0383 in:0.0288 for:0.0145 by:0.0122 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7096 to:0.0748 and:0.0556 the:0.0303 that:0.0277 of:0.0258 in:0.0256 for:0.0172 a:0.0168 as:0.0165 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.6337 the:0.1271 to:0.0900 a:0.0440 and:0.0424 of:0.0265 in:0.0111 for:0.0086 will:0.0084 said:0.0081 -:0.9245 him:0.0192 it:0.0155 them:0.0081 he:0.0068 the:0.0065 up:0.0056 me:0.0048 and:0.0045 you:0.0044 -:0.6943 the:0.0929 a:0.0399 of:0.0373 and:0.0338 to:0.0323 is:0.0247 was:0.0194 his:0.0128 will:0.0126 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5970 of:0.1312 and:0.0724 that:0.0397 as:0.0338 in:0.0290 to:0.0285 ago:0.0249 or:0.0227 for:0.0208 -:0.9260 and:0.0182 time:0.0124 day:0.0095 is:0.0077 man:0.0063 result:0.0054 was:0.0054 matter:0.0048 work:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9479 is:0.0116 hour:0.0075 was:0.0056 has:0.0050 first:0.0049 old:0.0048 were:0.0045 are:0.0042 have:0.0039 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.7641 to:0.0457 and:0.0424 a:0.0283 the:0.0249 or:0.0243 we:0.0232 of:0.0189 they:0.0170 he:0.0111 -:0.9386 said:0.0135 same:0.0121 first:0.0079 most:0.0065 people:0.0054 best:0.0048 time:0.0039 right:0.0038 city:0.0036 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6600 the:0.1483 a:0.0479 and:0.0454 of:0.0362 to:0.0288 in:0.0098 this:0.0083 tho:0.0082 or:0.0072 -:0.8415 the:0.0919 a:0.0271 of:0.0070 said:0.0063 and:0.0063 be:0.0054 in:0.0051 to:0.0049 his:0.0044 -:0.8239 and:0.0457 of:0.0408 is:0.0193 to:0.0163 the:0.0149 in:0.0126 was:0.0116 that:0.0081 for:0.0069 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8468 of:0.0433 and:0.0329 years:0.0194 or:0.0140 in:0.0125 to:0.0100 the:0.0079 for:0.0068 that:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7840 is:0.0321 was:0.0314 and:0.0313 has:0.0271 to:0.0229 have:0.0208 had:0.0192 will:0.0166 he:0.0147 -to:0.2070 of:0.1339 in:0.1088 for:0.0704 :0.3154 that:0.0429 by:0.0352 at:0.0311 and:0.0277 on:0.0276 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.8271 the:0.0682 a:0.0407 and:0.0147 to:0.0143 of:0.0082 more:0.0079 in:0.0072 one:0.0061 as:0.0057 -not:0.1947 the:0.1478 :0.4651 a:0.0464 so:0.0433 that:0.0266 his:0.0226 to:0.0208 all:0.0189 their:0.0138 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -follows:0.0370 a:0.0265 the:0.0163 an:0.0115 hereby:0.0113 soon:0.0108 well:0.0092 it:0.0085 possible:0.0085 much:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -be:0.6546 not:0.0629 :0.1914 bo:0.0366 have:0.0300 he:0.0082 do:0.0050 never:0.0047 to:0.0035 always:0.0032 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -of:0.1892 :0.4218 in:0.0979 to:0.0820 and:0.0421 on:0.0406 from:0.0376 for:0.0373 by:0.0303 with:0.0213 -:0.6283 the:0.1633 of:0.0649 a:0.0463 and:0.0253 in:0.0220 for:0.0151 that:0.0127 his:0.0115 was:0.0104 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8735 a:0.0328 not:0.0204 of:0.0177 the:0.0106 any:0.0099 he:0.0090 no:0.0090 and:0.0088 is:0.0084 -the:0.0721 a:0.0401 tho:0.0183 an:0.0107 this:0.0097 his:0.0094 our:0.0090 tbe:0.0089 their:0.0077 its:0.0071 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.7345 the:0.0798 and:0.0339 is:0.0273 he:0.0247 was:0.0232 a:0.0227 to:0.0204 be:0.0180 has:0.0154 -:0.6140 to:0.1370 of:0.0819 and:0.0556 in:0.0298 that:0.0218 for:0.0208 as:0.0178 at:0.0106 the:0.0106 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.4720 a:0.1162 :0.2637 his:0.0410 this:0.0309 their:0.0218 tho:0.0187 its:0.0177 our:0.0101 any:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9268 same:0.0141 world:0.0110 city:0.0110 time:0.0070 war:0.0067 people:0.0065 country:0.0064 government:0.0055 law:0.0052 -:0.8455 the:0.0432 a:0.0249 he:0.0241 and:0.0133 be:0.0119 it:0.0105 one:0.0104 they:0.0083 we:0.0080 -:0.9119 him:0.0199 them:0.0148 all:0.0102 the:0.0099 it:0.0091 interest:0.0068 us:0.0068 a:0.0058 her:0.0048 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7127 of:0.0855 and:0.0496 was:0.0315 to:0.0280 is:0.0268 who:0.0258 in:0.0166 the:0.0126 has:0.0108 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -will:0.1461 can:0.1250 could:0.1143 would:0.0984 are:0.0788 :0.2921 were:0.0397 should:0.0394 must:0.0351 may:0.0311 -:0.6675 the:0.1075 to:0.0615 and:0.0384 a:0.0371 of:0.0308 is:0.0200 was:0.0175 as:0.0108 are:0.0089 -:0.9246 and:0.0297 was:0.0079 is:0.0071 of:0.0068 to:0.0059 went:0.0050 out:0.0048 made:0.0041 down:0.0040 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.8285 of:0.0429 the:0.0360 and:0.0248 a:0.0164 that:0.0119 in:0.0113 to:0.0106 as:0.0106 for:0.0070 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.4529 :0.3680 a:0.0819 tho:0.0307 this:0.0152 his:0.0133 our:0.0110 any:0.0102 an:0.0085 said:0.0082 -:0.9316 same:0.0156 said:0.0079 best:0.0073 first:0.0069 whole:0.0068 other:0.0063 most:0.0061 public:0.0059 old:0.0055 -:0.8034 more:0.1155 less:0.0329 and:0.0142 the:0.0078 that:0.0060 it:0.0060 to:0.0051 better:0.0050 which:0.0042 -:0.6692 the:0.0818 of:0.0547 to:0.0460 and:0.0422 a:0.0348 in:0.0291 for:0.0149 is:0.0143 was:0.0129 -a:0.1969 :0.5618 the:0.0954 his:0.0354 no:0.0219 not:0.0213 an:0.0190 her:0.0178 their:0.0157 and:0.0146 -:0.7999 a:0.0622 the:0.0574 no:0.0227 very:0.0131 an:0.0115 so:0.0094 his:0.0093 that:0.0073 their:0.0072 -:0.7771 and:0.0715 that:0.0298 it:0.0227 which:0.0206 to:0.0183 as:0.0182 he:0.0163 of:0.0144 but:0.0111 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9878 it:0.0018 all:0.0018 come:0.0017 going:0.0013 you:0.0013 do:0.0012 anything:0.0011 him:0.0010 nothing:0.0010 -:0.5718 we:0.1416 they:0.1101 would:0.0398 he:0.0370 will:0.0320 you:0.0192 to:0.0187 who:0.0171 must:0.0127 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8354 and:0.0289 is:0.0274 the:0.0255 was:0.0188 to:0.0187 of:0.0139 in:0.0135 be:0.0096 are:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9106 per:0.0144 and:0.0134 the:0.0132 two:0.0101 of:0.0092 a:0.0088 three:0.0076 to:0.0070 or:0.0057 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.5976 and:0.1128 of:0.0997 to:0.0951 he:0.0203 who:0.0163 is:0.0156 will:0.0152 are:0.0148 in:0.0125 -:0.8982 and:0.0310 it:0.0100 is:0.0098 the:0.0095 he:0.0092 who:0.0091 that:0.0087 was:0.0080 of:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8933 hundred:0.0193 and:0.0177 is:0.0161 was:0.0126 day:0.0095 or:0.0087 year:0.0085 to:0.0075 man:0.0068 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -:0.9506 own:0.0092 hands:0.0074 way:0.0058 time:0.0055 day:0.0054 home:0.0050 wife:0.0038 city:0.0037 duty:0.0037 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.4774 a:0.2036 the:0.1976 his:0.0254 and:0.0210 is:0.0208 of:0.0179 tho:0.0140 their:0.0112 was:0.0111 -be:0.2541 :0.5978 come:0.0488 go:0.0348 not:0.0212 bo:0.0136 have:0.0086 do:0.0085 appear:0.0066 he:0.0061 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.9502 and:0.0119 that:0.0071 men:0.0065 the:0.0057 him:0.0043 time:0.0040 one:0.0039 of:0.0034 interest:0.0030 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9444 same:0.0132 people:0.0103 men:0.0087 city:0.0062 world:0.0044 land:0.0035 country:0.0033 county:0.0031 following:0.0030 -:0.7392 to:0.1013 and:0.0495 will:0.0252 of:0.0207 the:0.0191 would:0.0133 is:0.0122 are:0.0099 in:0.0097 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7180 of:0.1178 and:0.0505 to:0.0296 is:0.0191 in:0.0153 or:0.0147 the:0.0145 was:0.0120 for:0.0085 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7131 the:0.0832 and:0.0592 of:0.0497 to:0.0337 in:0.0143 that:0.0142 said:0.0118 a:0.0114 is:0.0093 -:0.7558 in:0.0950 of:0.0320 for:0.0195 to:0.0186 on:0.0183 at:0.0176 by:0.0162 from:0.0159 as:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7389 of:0.0781 and:0.0396 to:0.0343 the:0.0309 as:0.0234 in:0.0203 for:0.0135 from:0.0108 at:0.0102 -:0.8364 come:0.0308 been:0.0233 failed:0.0229 made:0.0179 gone:0.0162 taken:0.0148 able:0.0144 them:0.0120 not:0.0112 -:0.8982 and:0.0295 to:0.0136 is:0.0110 of:0.0101 him:0.0100 in:0.0077 was:0.0073 it:0.0064 the:0.0062 -:0.9557 world:0.0083 city:0.0056 same:0.0053 time:0.0046 state:0.0044 house:0.0043 case:0.0040 country:0.0039 following:0.0039 -:0.7847 is:0.0364 a:0.0305 the:0.0272 was:0.0264 and:0.0250 of:0.0218 or:0.0183 be:0.0149 to:0.0147 -the:0.5416 :0.2771 his:0.0469 a:0.0385 their:0.0327 its:0.0180 tho:0.0177 this:0.0102 our:0.0089 that:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9081 few:0.0165 good:0.0160 great:0.0146 little:0.0088 certain:0.0084 very:0.0081 short:0.0073 large:0.0061 young:0.0061 -:0.7372 the:0.0945 be:0.0786 make:0.0199 a:0.0161 his:0.0142 her:0.0114 this:0.0113 give:0.0093 tho:0.0076 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8279 the:0.0813 all:0.0198 that:0.0143 his:0.0108 which:0.0108 them:0.0105 in:0.0093 a:0.0077 tho:0.0076 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8977 to:0.0161 and:0.0159 up:0.0122 it:0.0120 together:0.0111 filled:0.0100 charged:0.0097 covered:0.0079 connected:0.0075 -:0.8464 few:0.0320 great:0.0232 very:0.0198 good:0.0172 large:0.0169 little:0.0147 a:0.0107 small:0.0100 certain:0.0090 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8034 more:0.1155 less:0.0329 and:0.0142 the:0.0078 that:0.0060 it:0.0060 to:0.0051 better:0.0050 which:0.0042 -:0.7104 the:0.1116 and:0.0389 a:0.0376 of:0.0275 is:0.0261 was:0.0159 in:0.0123 tho:0.0105 his:0.0093 -:0.8129 to:0.0414 and:0.0377 of:0.0318 in:0.0192 the:0.0154 by:0.0110 that:0.0108 for:0.0106 a:0.0091 -:0.5398 the:0.2591 a:0.1049 this:0.0226 said:0.0175 tho:0.0134 an:0.0118 his:0.0113 their:0.0102 our:0.0095 -:0.6642 of:0.1536 and:0.0571 the:0.0272 in:0.0219 to:0.0181 that:0.0176 for:0.0165 a:0.0139 with:0.0100 -the:0.3675 :0.4450 a:0.0530 this:0.0406 his:0.0235 tho:0.0219 our:0.0133 any:0.0132 their:0.0119 these:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8296 to:0.0474 the:0.0388 and:0.0213 in:0.0203 of:0.0144 all:0.0087 for:0.0069 by:0.0069 or:0.0057 -:0.8168 of:0.0355 and:0.0338 the:0.0250 is:0.0226 was:0.0176 a:0.0160 in:0.0126 or:0.0100 for:0.0100 -:0.5579 to:0.1569 of:0.0593 the:0.0499 in:0.0454 and:0.0411 a:0.0300 no:0.0268 for:0.0191 or:0.0138 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8577 and:0.0469 of:0.0224 that:0.0191 as:0.0130 which:0.0090 to:0.0089 but:0.0081 for:0.0079 with:0.0071 -:0.7434 the:0.0685 and:0.0501 to:0.0338 of:0.0332 that:0.0202 as:0.0149 which:0.0142 a:0.0112 said:0.0105 -:0.8200 the:0.0473 and:0.0453 is:0.0235 was:0.0160 that:0.0129 as:0.0108 it:0.0085 of:0.0079 he:0.0078 -:0.9395 and:0.0167 fact:0.0092 time:0.0069 but:0.0056 say:0.0051 said:0.0046 belief:0.0046 doubt:0.0039 in:0.0038 -:0.8877 day:0.0306 line:0.0163 part:0.0138 out:0.0126 side:0.0125 number:0.0086 and:0.0066 portion:0.0057 one:0.0056 -:0.6199 to:0.0904 of:0.0626 and:0.0552 in:0.0457 for:0.0338 the:0.0327 was:0.0227 that:0.0202 a:0.0168 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7449 to:0.0631 and:0.0408 the:0.0369 of:0.0300 is:0.0226 a:0.0186 was:0.0181 in:0.0176 for:0.0076 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6030 of:0.1935 in:0.0562 for:0.0278 on:0.0259 to:0.0256 and:0.0247 from:0.0163 at:0.0138 as:0.0134 -:0.8651 and:0.0385 is:0.0239 the:0.0133 was:0.0133 of:0.0125 that:0.0086 who:0.0086 he:0.0083 have:0.0080 -:0.8389 of:0.0484 and:0.0346 to:0.0169 the:0.0148 in:0.0136 or:0.0126 for:0.0071 at:0.0069 a:0.0064 -:0.9742 it:0.0053 the:0.0037 wife:0.0029 then:0.0026 that:0.0025 he:0.0025 there:0.0025 interest:0.0019 in:0.0019 -:0.7148 of:0.0819 the:0.0796 and:0.0349 in:0.0236 a:0.0167 is:0.0153 for:0.0120 to:0.0106 as:0.0105 -:0.5970 to:0.1137 of:0.0623 and:0.0615 that:0.0370 the:0.0344 in:0.0303 for:0.0263 a:0.0190 by:0.0185 -of:0.2770 to:0.1289 :0.3219 in:0.0800 for:0.0362 from:0.0355 by:0.0350 on:0.0325 at:0.0267 with:0.0264 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.3391 :0.4229 in:0.0560 and:0.0444 for:0.0298 to:0.0292 at:0.0261 is:0.0226 the:0.0151 was:0.0148 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -have:0.5321 :0.2716 had:0.0571 be:0.0302 has:0.0264 yet:0.0237 not:0.0190 having:0.0161 always:0.0137 only:0.0100 -:0.6790 to:0.0963 of:0.0500 the:0.0487 and:0.0321 in:0.0295 a:0.0240 that:0.0151 for:0.0136 by:0.0118 -:0.9304 one:0.0223 part:0.0098 day:0.0086 line:0.0062 side:0.0057 number:0.0047 use:0.0043 out:0.0040 place:0.0040 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8856 the:0.0306 it:0.0184 he:0.0179 and:0.0125 you:0.0078 to:0.0076 him:0.0071 we:0.0067 they:0.0060 -the:0.2673 a:0.0973 :0.5089 his:0.0208 to:0.0205 an:0.0197 tho:0.0194 this:0.0183 and:0.0160 or:0.0118 -:0.6647 of:0.1245 and:0.0509 to:0.0439 in:0.0250 who:0.0238 is:0.0209 the:0.0169 was:0.0160 or:0.0134 -:0.8388 and:0.0518 is:0.0259 was:0.0222 to:0.0191 who:0.0098 of:0.0084 be:0.0084 will:0.0079 he:0.0077 -:0.7823 the:0.0518 to:0.0337 of:0.0286 and:0.0229 in:0.0218 a:0.0205 that:0.0165 is:0.0112 for:0.0106 -:0.7353 of:0.0890 and:0.0449 in:0.0272 to:0.0266 the:0.0236 that:0.0176 for:0.0153 a:0.0104 with:0.0100 -:0.9135 fact:0.0270 year:0.0110 man:0.0081 point:0.0071 word:0.0071 thing:0.0071 time:0.0068 week:0.0061 matter:0.0061 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7668 and:0.0597 of:0.0481 to:0.0477 that:0.0207 in:0.0161 for:0.0124 the:0.0121 by:0.0084 or:0.0080 -:0.8643 the:0.0349 of:0.0280 and:0.0249 to:0.0161 a:0.0105 in:0.0058 as:0.0057 that:0.0052 or:0.0046 -:0.6550 is:0.0531 was:0.0488 have:0.0447 the:0.0444 and:0.0440 be:0.0346 had:0.0300 has:0.0235 of:0.0218 -:0.8613 of:0.0502 and:0.0386 to:0.0103 in:0.0082 or:0.0077 day:0.0069 year:0.0066 the:0.0056 is:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7307 and:0.1003 to:0.0417 of:0.0276 the:0.0268 it:0.0180 in:0.0163 that:0.0145 he:0.0135 for:0.0105 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7630 not:0.1413 in:0.0190 of:0.0173 that:0.0128 to:0.0127 be:0.0108 and:0.0081 the:0.0080 for:0.0070 -:0.7090 is:0.0659 was:0.0565 and:0.0534 the:0.0342 of:0.0235 are:0.0166 to:0.0147 has:0.0132 a:0.0131 -time:0.0126 great:0.0121 :0.9341 country:0.0092 city:0.0066 other:0.0064 own:0.0054 public:0.0047 the:0.0045 year:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8662 and:0.0470 of:0.0217 to:0.0197 that:0.0100 in:0.0094 with:0.0067 but:0.0067 for:0.0066 is:0.0059 -:0.8083 to:0.0429 the:0.0259 and:0.0228 be:0.0200 have:0.0189 will:0.0168 has:0.0157 was:0.0147 had:0.0141 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.6795 of:0.0626 is:0.0470 was:0.0364 and:0.0344 are:0.0309 or:0.0302 the:0.0282 to:0.0258 were:0.0249 -:0.9351 same:0.0146 most:0.0081 other:0.0075 two:0.0073 last:0.0061 first:0.0058 best:0.0054 present:0.0052 great:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6230 the:0.1672 a:0.0724 of:0.0560 and:0.0202 in:0.0166 for:0.0130 to:0.0107 by:0.0106 tho:0.0103 -:0.9314 the:0.0163 all:0.0086 to:0.0083 a:0.0068 put:0.0066 said:0.0058 went:0.0056 was:0.0054 then:0.0052 -the:0.4921 :0.3251 a:0.0533 tho:0.0356 his:0.0251 this:0.0177 our:0.0168 their:0.0150 its:0.0098 such:0.0094 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8393 and:0.0587 is:0.0180 of:0.0175 was:0.0137 are:0.0134 to:0.0118 will:0.0097 a:0.0097 or:0.0083 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.8871 great:0.0179 large:0.0158 good:0.0153 little:0.0149 a:0.0142 very:0.0114 the:0.0090 certain:0.0075 new:0.0070 -:0.6008 of:0.1521 in:0.0689 to:0.0359 for:0.0292 with:0.0279 and:0.0244 from:0.0229 by:0.0195 the:0.0182 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5875 the:0.2269 a:0.0607 and:0.0325 of:0.0295 is:0.0166 was:0.0156 this:0.0103 to:0.0102 tho:0.0102 -:0.8508 and:0.0437 is:0.0216 are:0.0165 as:0.0159 them:0.0150 of:0.0096 or:0.0091 us:0.0090 but:0.0089 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6605 the:0.1571 a:0.0492 two:0.0355 three:0.0290 his:0.0211 one:0.0152 to:0.0111 tho:0.0107 in:0.0105 -the:0.2092 :0.5537 of:0.0818 to:0.0480 and:0.0303 a:0.0293 in:0.0169 this:0.0110 for:0.0100 his:0.0098 -:0.8113 the:0.0610 is:0.0208 a:0.0200 be:0.0192 have:0.0163 was:0.0163 had:0.0137 were:0.0117 are:0.0097 -:0.9766 hundred:0.0034 more:0.0031 it:0.0030 day:0.0026 time:0.0025 land:0.0024 city:0.0022 place:0.0022 men:0.0021 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -the:0.2940 :0.5781 a:0.0400 his:0.0203 tho:0.0157 it:0.0122 an:0.0108 their:0.0102 this:0.0094 all:0.0092 -:0.9687 same:0.0062 most:0.0048 last:0.0037 city:0.0035 state:0.0031 other:0.0027 and:0.0026 county:0.0023 said:0.0023 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7113 been:0.1045 not:0.0568 to:0.0295 the:0.0286 a:0.0185 no:0.0167 in:0.0131 become:0.0128 that:0.0082 -:0.8861 and:0.0278 that:0.0154 the:0.0144 as:0.0135 of:0.0123 is:0.0086 it:0.0079 or:0.0075 a:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9382 one:0.0177 line:0.0071 part:0.0067 side:0.0064 day:0.0062 out:0.0058 that:0.0041 and:0.0041 some:0.0035 -:0.7955 the:0.0755 a:0.0451 and:0.0238 of:0.0141 his:0.0132 this:0.0097 their:0.0088 said:0.0072 one:0.0071 -:0.6170 of:0.1190 to:0.0705 and:0.0588 the:0.0423 in:0.0321 a:0.0198 at:0.0147 by:0.0131 for:0.0128 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8873 the:0.0356 a:0.0261 all:0.0128 in:0.0102 his:0.0076 to:0.0061 no:0.0052 that:0.0048 so:0.0045 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -to:0.2493 :0.4541 of:0.0740 and:0.0614 for:0.0415 the:0.0307 in:0.0299 by:0.0218 as:0.0190 with:0.0183 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6367 to:0.0874 the:0.0722 of:0.0632 a:0.0371 in:0.0306 and:0.0261 with:0.0161 for:0.0155 his:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4888 to:0.3029 and:0.0884 of:0.0475 in:0.0195 the:0.0124 as:0.0115 for:0.0109 that:0.0096 will:0.0085 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.6309 of:0.1372 and:0.0474 the:0.0419 to:0.0272 for:0.0251 in:0.0243 or:0.0236 are:0.0216 is:0.0208 -:0.7838 and:0.0590 of:0.0573 in:0.0169 to:0.0157 for:0.0156 that:0.0148 is:0.0136 was:0.0120 the:0.0115 -:0.6539 a:0.1058 the:0.0766 and:0.0297 are:0.0296 of:0.0262 have:0.0241 that:0.0227 any:0.0164 be:0.0151 -:0.6831 a:0.0940 the:0.0485 we:0.0387 they:0.0290 to:0.0289 and:0.0224 he:0.0206 that:0.0194 his:0.0155 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.9462 wife:0.0128 office:0.0065 hands:0.0060 friends:0.0056 way:0.0055 feet:0.0045 head:0.0043 life:0.0043 hand:0.0043 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.9376 it:0.0125 up:0.0089 the:0.0077 him:0.0075 and:0.0061 he:0.0056 in:0.0051 them:0.0046 you:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5290 the:0.2157 a:0.0900 and:0.0490 of:0.0416 is:0.0200 was:0.0171 his:0.0144 this:0.0123 tho:0.0110 -:0.6631 been:0.1182 the:0.0704 a:0.0554 to:0.0268 no:0.0193 not:0.0152 in:0.0115 an:0.0114 and:0.0087 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8138 the:0.0532 and:0.0269 he:0.0214 they:0.0203 we:0.0161 who:0.0140 to:0.0130 a:0.0107 have:0.0106 -:0.6383 as:0.1000 to:0.0672 that:0.0546 and:0.0526 which:0.0363 of:0.0169 the:0.0122 who:0.0116 they:0.0101 -:0.7871 in:0.0529 that:0.0332 of:0.0236 to:0.0230 for:0.0183 by:0.0175 all:0.0154 on:0.0152 from:0.0140 -:0.8376 the:0.0895 a:0.0131 said:0.0117 those:0.0101 his:0.0084 tho:0.0077 this:0.0074 her:0.0073 these:0.0072 -:0.7536 to:0.0614 of:0.0440 and:0.0435 in:0.0239 the:0.0234 for:0.0151 that:0.0136 by:0.0108 a:0.0106 -:0.6912 of:0.1320 to:0.0353 and:0.0304 who:0.0269 a:0.0189 the:0.0186 or:0.0172 was:0.0170 has:0.0126 -:0.6407 to:0.1085 of:0.0709 in:0.0409 and:0.0323 with:0.0262 by:0.0252 on:0.0191 for:0.0191 from:0.0170 -:0.5297 he:0.2262 it:0.1062 there:0.0365 she:0.0330 they:0.0188 ho:0.0185 we:0.0115 which:0.0108 is:0.0090 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7275 a:0.0921 the:0.0343 of:0.0297 to:0.0276 was:0.0244 and:0.0232 is:0.0197 or:0.0117 in:0.0099 -:0.7969 is:0.0707 was:0.0398 and:0.0259 are:0.0186 it:0.0146 has:0.0117 were:0.0076 to:0.0073 had:0.0069 -:0.5969 the:0.1586 a:0.0905 th:0.0425 and:0.0355 of:0.0242 every:0.0144 any:0.0129 his:0.0128 is:0.0118 -:0.8386 the:0.0407 a:0.0378 and:0.0202 was:0.0126 be:0.0122 is:0.0119 he:0.0098 it:0.0085 had:0.0077 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -the:0.4419 :0.3432 a:0.0600 his:0.0470 tho:0.0254 be:0.0244 their:0.0205 its:0.0171 this:0.0103 our:0.0103 -:0.6587 the:0.0861 is:0.0532 of:0.0425 and:0.0391 was:0.0372 a:0.0264 to:0.0252 are:0.0170 be:0.0145 -:0.5371 of:0.0942 to:0.0736 in:0.0645 for:0.0509 and:0.0463 as:0.0442 with:0.0326 by:0.0287 is:0.0279 -:0.9306 all:0.0128 that:0.0094 said:0.0093 so:0.0091 declared:0.0071 say:0.0059 and:0.0058 found:0.0056 if:0.0045 -be:0.3195 :0.5404 not:0.0356 have:0.0268 bo:0.0251 do:0.0154 make:0.0110 get:0.0094 take:0.0084 he:0.0084 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9103 the:0.0328 a:0.0113 said:0.0094 this:0.0085 and:0.0076 to:0.0062 his:0.0050 tho:0.0046 it:0.0042 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -:0.7964 the:0.0504 and:0.0299 in:0.0287 of:0.0231 is:0.0196 are:0.0178 were:0.0123 was:0.0110 a:0.0106 -:0.7682 the:0.0840 we:0.0291 they:0.0265 a:0.0190 he:0.0185 and:0.0163 to:0.0150 who:0.0135 his:0.0098 -:0.8118 the:0.0452 and:0.0351 to:0.0308 of:0.0202 in:0.0154 for:0.0116 that:0.0110 a:0.0100 by:0.0088 -:0.7058 of:0.0746 the:0.0576 and:0.0481 in:0.0234 that:0.0234 for:0.0220 with:0.0176 a:0.0141 by:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9642 the:0.0089 men:0.0058 time:0.0035 land:0.0033 interest:0.0031 that:0.0030 city:0.0028 way:0.0028 times:0.0026 -:0.6260 of:0.1235 to:0.0808 and:0.0567 in:0.0327 the:0.0203 is:0.0181 was:0.0153 that:0.0146 for:0.0120 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6115 to:0.0706 in:0.0638 with:0.0500 by:0.0436 for:0.0434 as:0.0338 of:0.0318 and:0.0264 at:0.0251 -:0.6710 the:0.1903 a:0.0421 and:0.0232 of:0.0164 that:0.0131 was:0.0129 is:0.0120 this:0.0108 to:0.0082 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6070 the:0.1865 a:0.0477 of:0.0428 and:0.0313 is:0.0225 his:0.0168 this:0.0164 in:0.0158 was:0.0132 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9475 people:0.0098 city:0.0071 world:0.0061 country:0.0061 men:0.0055 government:0.0047 time:0.0046 man:0.0044 bill:0.0042 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6944 the:0.1944 a:0.0466 his:0.0133 tho:0.0108 in:0.0104 that:0.0104 their:0.0070 other:0.0065 is:0.0063 -:0.8122 of:0.0409 and:0.0408 to:0.0210 the:0.0186 that:0.0161 a:0.0159 in:0.0133 for:0.0120 as:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6716 the:0.2000 and:0.0426 a:0.0162 of:0.0145 was:0.0140 is:0.0110 he:0.0109 this:0.0098 his:0.0094 -:0.8874 and:0.0409 is:0.0189 was:0.0140 are:0.0126 to:0.0057 will:0.0055 were:0.0052 but:0.0049 be:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8843 are:0.0233 a:0.0156 and:0.0148 the:0.0114 be:0.0113 he:0.0101 will:0.0099 or:0.0097 have:0.0096 -:0.5500 is:0.1168 in:0.0685 to:0.0677 of:0.0534 was:0.0465 for:0.0309 with:0.0248 on:0.0211 and:0.0203 -:0.5926 that:0.1710 not:0.0585 what:0.0504 the:0.0297 it:0.0251 which:0.0225 as:0.0223 so:0.0181 a:0.0100 -:0.7165 the:0.1103 and:0.0375 a:0.0330 of:0.0269 in:0.0195 is:0.0166 to:0.0141 was:0.0132 this:0.0124 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8017 of:0.0357 that:0.0350 and:0.0349 to:0.0297 in:0.0257 on:0.0120 at:0.0113 for:0.0075 mortgage:0.0065 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.6915 and:0.0855 of:0.0684 to:0.0572 in:0.0242 the:0.0189 for:0.0153 or:0.0151 that:0.0121 by:0.0119 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6163 is:0.0893 and:0.0615 of:0.0551 was:0.0546 are:0.0313 has:0.0248 to:0.0227 or:0.0226 in:0.0217 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.6710 the:0.1903 a:0.0421 and:0.0232 of:0.0164 that:0.0131 was:0.0129 is:0.0120 this:0.0108 to:0.0082 -:0.8217 and:0.0343 to:0.0264 of:0.0252 was:0.0223 in:0.0197 is:0.0179 the:0.0125 for:0.0107 that:0.0092 -:0.8784 the:0.0506 a:0.0114 those:0.0100 said:0.0092 it:0.0089 this:0.0086 all:0.0085 them:0.0084 which:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8806 time:0.0463 day:0.0170 year:0.0161 and:0.0148 matter:0.0065 act:0.0051 city:0.0049 doubt:0.0044 man:0.0043 -:0.6008 of:0.1521 in:0.0689 to:0.0359 for:0.0292 with:0.0279 and:0.0244 from:0.0229 by:0.0195 the:0.0182 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7558 to:0.0911 and:0.0359 will:0.0277 he:0.0214 that:0.0191 in:0.0136 would:0.0122 is:0.0118 can:0.0114 -:0.5006 to:0.1339 who:0.0690 would:0.0672 will:0.0522 we:0.0502 and:0.0447 should:0.0341 they:0.0243 shall:0.0238 -:0.5212 the:0.1526 of:0.0717 in:0.0595 a:0.0545 to:0.0538 and:0.0244 any:0.0237 for:0.0229 by:0.0157 -:0.8093 the:0.0474 of:0.0319 to:0.0263 and:0.0211 in:0.0196 a:0.0136 that:0.0106 at:0.0105 not:0.0097 -:0.9152 him:0.0215 be:0.0151 work:0.0079 do:0.0077 them:0.0072 pay:0.0066 see:0.0066 come:0.0065 go:0.0056 -:0.9605 up:0.0066 made:0.0061 been:0.0054 and:0.0042 used:0.0037 to:0.0036 ready:0.0035 paid:0.0034 only:0.0029 -:0.9388 and:0.0213 of:0.0069 as:0.0063 is:0.0051 thereof:0.0048 out:0.0047 bidder:0.0047 demand:0.0038 but:0.0036 -:0.7063 of:0.1424 and:0.0529 to:0.0280 in:0.0244 for:0.0125 at:0.0110 as:0.0083 that:0.0075 on:0.0067 -:0.7634 that:0.0516 as:0.0486 and:0.0364 if:0.0212 but:0.0198 for:0.0155 the:0.0149 when:0.0149 to:0.0138 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7560 the:0.0589 to:0.0351 be:0.0305 a:0.0273 not:0.0262 his:0.0189 he:0.0184 and:0.0164 three:0.0123 -:0.6605 to:0.1667 and:0.0419 will:0.0327 would:0.0254 the:0.0249 could:0.0129 we:0.0123 is:0.0114 was:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -had:0.2099 have:0.1285 :0.3252 not:0.1237 been:0.0628 never:0.0371 has:0.0346 already:0.0341 always:0.0231 ever:0.0210 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2452 :0.6112 a:0.0287 his:0.0206 least:0.0202 this:0.0185 tho:0.0176 its:0.0133 any:0.0125 their:0.0123 -:0.7701 the:0.0727 of:0.0260 a:0.0231 and:0.0220 to:0.0218 in:0.0185 had:0.0161 was:0.0153 is:0.0145 -to:0.2682 :0.3900 of:0.1142 the:0.0524 and:0.0510 in:0.0451 that:0.0223 by:0.0202 for:0.0188 a:0.0178 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6511 the:0.1002 a:0.0551 in:0.0457 of:0.0368 to:0.0284 that:0.0256 and:0.0227 for:0.0207 his:0.0138 -:0.8010 of:0.0342 and:0.0317 to:0.0316 in:0.0240 is:0.0196 the:0.0192 was:0.0148 that:0.0124 for:0.0116 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.5501 of:0.1907 and:0.0721 to:0.0437 in:0.0368 the:0.0345 for:0.0225 with:0.0184 or:0.0162 is:0.0149 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.7690 to:0.0428 of:0.0354 the:0.0354 and:0.0329 a:0.0262 in:0.0221 for:0.0127 was:0.0122 is:0.0112 -the:0.3472 :0.4402 a:0.0741 tho:0.0300 this:0.0285 his:0.0262 said:0.0161 our:0.0143 their:0.0128 its:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.8179 to:0.0534 of:0.0384 and:0.0188 in:0.0178 for:0.0122 from:0.0113 that:0.0108 the:0.0104 by:0.0091 -:0.8622 and:0.0377 was:0.0258 is:0.0213 the:0.0152 are:0.0093 a:0.0083 be:0.0071 it:0.0071 to:0.0059 -:0.7086 and:0.0753 that:0.0353 as:0.0350 or:0.0323 of:0.0256 which:0.0254 to:0.0252 it:0.0222 the:0.0152 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.8454 the:0.0322 and:0.0291 of:0.0275 a:0.0179 to:0.0129 that:0.0123 in:0.0106 at:0.0062 or:0.0058 -:0.8425 and:0.0477 to:0.0256 will:0.0196 as:0.0143 we:0.0114 is:0.0110 they:0.0096 he:0.0092 that:0.0091 -:0.6459 of:0.0824 the:0.0702 to:0.0451 a:0.0377 in:0.0372 and:0.0257 for:0.0203 by:0.0202 at:0.0152 -:0.6180 the:0.1055 of:0.0797 to:0.0587 and:0.0462 a:0.0410 in:0.0174 is:0.0141 as:0.0100 was:0.0092 -the:0.2500 :0.5609 he:0.0492 they:0.0360 a:0.0257 we:0.0206 his:0.0154 it:0.0149 this:0.0148 any:0.0125 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9606 same:0.0079 best:0.0059 said:0.0041 most:0.0040 world:0.0037 first:0.0037 right:0.0036 war:0.0033 state:0.0033 -the:0.4816 :0.3514 a:0.0656 tho:0.0205 this:0.0202 any:0.0177 his:0.0149 our:0.0116 their:0.0087 all:0.0078 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -be:0.3482 :0.4993 have:0.0833 bo:0.0131 had:0.0121 are:0.0115 make:0.0095 in:0.0082 was:0.0075 see:0.0073 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5842 of:0.1802 and:0.0685 the:0.0421 to:0.0330 in:0.0319 that:0.0159 for:0.0158 or:0.0153 on:0.0131 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6647 of:0.1245 and:0.0509 to:0.0439 in:0.0250 who:0.0238 is:0.0209 the:0.0169 was:0.0160 or:0.0134 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -:0.6015 of:0.1082 the:0.0803 to:0.0516 and:0.0336 a:0.0314 in:0.0302 at:0.0294 for:0.0181 by:0.0156 -:0.9085 and:0.0255 is:0.0145 of:0.0098 to:0.0079 a:0.0074 as:0.0072 was:0.0069 in:0.0062 he:0.0061 -the:0.3006 :0.5363 a:0.0738 he:0.0147 no:0.0143 tho:0.0139 any:0.0137 is:0.0117 his:0.0107 an:0.0104 -:0.9354 hour:0.0229 old:0.0096 not:0.0057 and:0.0055 time:0.0050 is:0.0046 said:0.0043 years:0.0039 or:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9080 said:0.0263 same:0.0181 following:0.0113 first:0.0080 the:0.0079 most:0.0071 other:0.0046 highest:0.0044 a:0.0044 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7244 to:0.0670 the:0.0639 of:0.0417 and:0.0338 a:0.0182 in:0.0174 is:0.0131 for:0.0105 was:0.0101 -:0.8757 the:0.0651 a:0.0261 an:0.0063 to:0.0058 that:0.0045 be:0.0044 one:0.0041 and:0.0040 more:0.0040 -:0.6323 more:0.2239 less:0.1020 better:0.0124 other:0.0079 one:0.0051 that:0.0046 rather:0.0041 two:0.0041 it:0.0036 -:0.8259 not:0.0544 the:0.0344 a:0.0234 be:0.0193 he:0.0137 all:0.0075 have:0.0074 to:0.0073 it:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8505 of:0.0303 and:0.0246 in:0.0213 is:0.0155 the:0.0130 was:0.0120 as:0.0118 to:0.0113 for:0.0097 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -it:0.0530 :0.8268 he:0.0413 there:0.0157 they:0.0147 be:0.0126 you:0.0120 lie:0.0092 which:0.0076 we:0.0070 -:0.6066 the:0.1154 of:0.1149 in:0.0395 and:0.0340 a:0.0275 for:0.0190 at:0.0151 with:0.0147 by:0.0132 -:0.5816 of:0.2246 and:0.0549 in:0.0320 the:0.0308 to:0.0266 for:0.0177 as:0.0121 that:0.0107 or:0.0091 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6238 of:0.1723 to:0.0463 and:0.0443 in:0.0318 the:0.0261 is:0.0175 for:0.0137 a:0.0123 that:0.0119 -:0.7884 of:0.0634 and:0.0408 in:0.0334 at:0.0150 is:0.0144 to:0.0142 for:0.0113 by:0.0100 from:0.0090 -:0.9174 and:0.0224 the:0.0141 that:0.0127 it:0.0096 is:0.0062 was:0.0046 a:0.0046 one:0.0046 or:0.0039 -:0.4577 of:0.1266 to:0.1212 in:0.1013 for:0.0445 and:0.0376 that:0.0326 on:0.0280 by:0.0258 at:0.0248 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6472 the:0.1133 of:0.0703 and:0.0565 to:0.0379 a:0.0305 in:0.0149 as:0.0104 is:0.0104 was:0.0085 -:0.9085 and:0.0231 of:0.0125 that:0.0119 as:0.0093 he:0.0084 in:0.0076 is:0.0068 the:0.0064 a:0.0057 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8417 to:0.0556 the:0.0221 and:0.0182 in:0.0152 a:0.0150 as:0.0090 of:0.0088 not:0.0080 by:0.0065 -:0.7670 the:0.0519 a:0.0508 of:0.0457 is:0.0184 and:0.0177 are:0.0159 in:0.0121 per:0.0111 very:0.0093 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7990 be:0.0708 come:0.0360 go:0.0274 him:0.0199 them:0.0120 do:0.0103 me:0.0098 us:0.0076 work:0.0071 -:0.6518 the:0.1357 a:0.0494 and:0.0456 to:0.0291 of:0.0238 was:0.0230 is:0.0172 in:0.0141 for:0.0104 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.9229 and:0.0221 it:0.0100 he:0.0086 is:0.0086 who:0.0057 which:0.0057 to:0.0056 of:0.0055 be:0.0054 -:0.8544 and:0.0341 who:0.0168 has:0.0167 they:0.0151 he:0.0143 the:0.0133 is:0.0126 have:0.0115 as:0.0113 -:0.9250 hour:0.0330 it:0.0079 time:0.0074 acre:0.0057 act:0.0047 he:0.0044 opinion:0.0041 which:0.0039 there:0.0039 -:0.8404 the:0.0409 it:0.0261 them:0.0202 him:0.0196 a:0.0157 this:0.0102 her:0.0101 one:0.0085 which:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8325 to:0.0328 and:0.0318 of:0.0264 the:0.0260 for:0.0112 with:0.0111 was:0.0101 in:0.0098 at:0.0082 -:0.7774 of:0.0744 and:0.0419 to:0.0232 in:0.0225 the:0.0210 for:0.0139 a:0.0101 that:0.0092 at:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.7536 th:0.1153 last:0.0283 other:0.0178 whole:0.0175 first:0.0158 next:0.0158 same:0.0138 most:0.0135 the:0.0086 -:0.7408 the:0.1252 a:0.0305 to:0.0299 it:0.0194 and:0.0160 he:0.0115 in:0.0102 they:0.0085 as:0.0080 -:0.6420 of:0.1022 the:0.0892 a:0.0468 and:0.0406 in:0.0224 to:0.0215 that:0.0132 for:0.0116 this:0.0106 -the:0.1603 :0.6349 a:0.0554 of:0.0377 and:0.0337 to:0.0202 is:0.0183 was:0.0165 as:0.0122 or:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8639 and:0.0315 is:0.0287 was:0.0219 says:0.0128 of:0.0095 but:0.0092 so:0.0079 had:0.0075 stated:0.0072 -:0.7719 that:0.0533 as:0.0360 and:0.0352 the:0.0243 of:0.0229 if:0.0201 but:0.0134 for:0.0124 which:0.0105 -of:0.6298 :0.1787 in:0.0446 to:0.0346 and:0.0244 for:0.0225 on:0.0212 at:0.0156 by:0.0145 from:0.0142 -:0.9417 own:0.0101 the:0.0096 said:0.0071 to:0.0059 hand:0.0058 and:0.0058 time:0.0054 as:0.0044 other:0.0042 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7633 the:0.1014 a:0.0317 and:0.0266 of:0.0263 to:0.0144 in:0.0127 that:0.0095 his:0.0073 for:0.0068 -:0.6194 a:0.1168 been:0.0941 the:0.0719 no:0.0326 to:0.0232 not:0.0115 his:0.0105 in:0.0105 an:0.0094 -:0.7897 the:0.0659 and:0.0313 is:0.0229 of:0.0218 was:0.0204 a:0.0177 in:0.0117 to:0.0095 be:0.0093 -:0.9225 and:0.0175 is:0.0105 not:0.0081 was:0.0079 he:0.0078 it:0.0069 who:0.0069 the:0.0061 which:0.0058 -:0.5361 not:0.1833 be:0.1186 have:0.0421 we:0.0323 never:0.0212 to:0.0196 they:0.0195 bo:0.0146 you:0.0128 -:0.8394 the:0.0573 a:0.0267 to:0.0257 it:0.0109 and:0.0094 as:0.0090 which:0.0078 not:0.0073 him:0.0068 -:0.9512 recorded:0.0079 it:0.0076 that:0.0071 put:0.0050 then:0.0050 interest:0.0045 made:0.0042 is:0.0038 the:0.0037 -:0.9050 the:0.0142 time:0.0133 is:0.0132 great:0.0116 other:0.0100 city:0.0095 most:0.0078 was:0.0077 a:0.0077 -:0.7598 and:0.0935 of:0.0476 is:0.0190 as:0.0160 be:0.0153 that:0.0146 was:0.0134 to:0.0112 in:0.0095 -:0.6249 the:0.0911 of:0.0909 and:0.0676 a:0.0409 to:0.0305 that:0.0206 for:0.0119 is:0.0112 in:0.0104 -:0.8342 and:0.0366 are:0.0217 the:0.0194 is:0.0191 to:0.0184 a:0.0172 were:0.0135 was:0.0111 that:0.0087 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.9592 up:0.0093 and:0.0055 in:0.0055 time:0.0051 of:0.0033 hundred:0.0032 days:0.0031 on:0.0029 to:0.0029 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -the:0.3201 :0.5485 a:0.0443 of:0.0205 and:0.0185 to:0.0121 tho:0.0108 an:0.0097 his:0.0080 in:0.0076 -:0.8287 of:0.0405 and:0.0404 to:0.0295 in:0.0142 the:0.0140 a:0.0094 that:0.0083 for:0.0077 by:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8323 the:0.0435 to:0.0308 in:0.0186 a:0.0162 that:0.0145 of:0.0126 and:0.0125 by:0.0101 for:0.0089 -:0.5853 a:0.1134 not:0.1034 the:0.0771 now:0.0249 no:0.0234 so:0.0210 as:0.0191 that:0.0170 an:0.0154 -:0.6684 the:0.1568 to:0.0383 and:0.0321 that:0.0234 as:0.0197 a:0.0172 it:0.0171 he:0.0136 of:0.0136 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.3209 :0.3504 in:0.0890 to:0.0582 for:0.0431 at:0.0357 and:0.0344 on:0.0261 from:0.0223 that:0.0200 -:0.8882 to:0.0330 and:0.0174 he:0.0131 it:0.0117 that:0.0107 they:0.0089 we:0.0078 as:0.0046 you:0.0045 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6510 of:0.1650 and:0.0530 the:0.0403 to:0.0288 or:0.0169 in:0.0166 for:0.0109 than:0.0091 with:0.0086 -:0.8662 the:0.0515 a:0.0143 his:0.0115 all:0.0114 said:0.0112 this:0.0112 these:0.0082 their:0.0076 them:0.0069 -:0.7462 the:0.0644 to:0.0445 and:0.0376 of:0.0328 in:0.0218 a:0.0195 by:0.0127 for:0.0113 at:0.0092 -:0.8468 those:0.0324 man:0.0253 and:0.0232 men:0.0219 that:0.0135 he:0.0107 is:0.0106 one:0.0085 it:0.0071 -:0.8714 and:0.0355 but:0.0173 that:0.0172 to:0.0128 it:0.0127 as:0.0119 which:0.0110 is:0.0051 there:0.0051 -:0.6283 the:0.1633 of:0.0649 a:0.0463 and:0.0253 in:0.0220 for:0.0151 that:0.0127 his:0.0115 was:0.0104 -few:0.2498 :0.6227 great:0.0272 little:0.0220 large:0.0201 good:0.0164 very:0.0122 long:0.0100 certain:0.0099 small:0.0098 -:0.7342 the:0.1156 a:0.0496 to:0.0353 his:0.0155 he:0.0106 that:0.0105 all:0.0097 tho:0.0096 in:0.0095 -:0.7955 and:0.0846 to:0.0193 in:0.0191 as:0.0187 is:0.0172 of:0.0171 was:0.0114 the:0.0094 or:0.0077 -the:0.2129 :0.4220 to:0.1173 of:0.0825 a:0.0645 and:0.0462 in:0.0196 for:0.0132 by:0.0112 his:0.0106 -:0.7229 to:0.0681 of:0.0499 and:0.0476 in:0.0306 the:0.0175 for:0.0166 as:0.0157 they:0.0156 was:0.0155 -:0.6295 of:0.1598 and:0.0525 to:0.0459 who:0.0374 in:0.0256 is:0.0153 was:0.0139 are:0.0101 or:0.0100 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8826 the:0.0352 a:0.0230 and:0.0104 that:0.0094 in:0.0086 to:0.0084 him:0.0076 for:0.0075 by:0.0073 -:0.6980 a:0.0631 the:0.0616 of:0.0478 and:0.0453 to:0.0360 in:0.0159 his:0.0129 for:0.0100 he:0.0095 -:0.6096 the:0.1110 to:0.0610 a:0.0589 of:0.0463 in:0.0366 that:0.0250 and:0.0201 his:0.0194 as:0.0120 -:0.8118 of:0.0477 in:0.0344 to:0.0329 for:0.0176 on:0.0126 and:0.0123 that:0.0110 with:0.0099 at:0.0097 -:0.7555 to:0.0424 will:0.0416 and:0.0387 of:0.0244 would:0.0224 are:0.0219 is:0.0203 the:0.0194 can:0.0135 -:0.8580 a:0.0410 the:0.0358 of:0.0161 and:0.0145 to:0.0082 is:0.0079 more:0.0071 in:0.0057 three:0.0056 -:0.8179 to:0.0550 and:0.0384 was:0.0176 of:0.0161 in:0.0133 is:0.0124 for:0.0103 the:0.0102 he:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4900 the:0.1133 to:0.0814 in:0.0756 of:0.0619 a:0.0432 and:0.0397 for:0.0387 by:0.0284 any:0.0279 -:0.8869 order:0.0173 efforts:0.0158 way:0.0151 right:0.0138 power:0.0125 time:0.0103 duty:0.0101 wife:0.0095 feet:0.0087 -:0.9133 one:0.0207 as:0.0118 and:0.0095 the:0.0092 him:0.0084 that:0.0075 it:0.0072 a:0.0063 them:0.0061 -:0.4138 who:0.1463 to:0.1341 would:0.0650 we:0.0588 will:0.0444 and:0.0370 they:0.0364 should:0.0342 shall:0.0299 -the:0.3214 :0.4917 a:0.0642 be:0.0522 his:0.0268 tho:0.0121 her:0.0084 this:0.0082 any:0.0076 their:0.0075 -:0.6225 of:0.1527 to:0.0516 in:0.0363 and:0.0318 a:0.0277 the:0.0259 is:0.0227 or:0.0144 for:0.0144 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8248 the:0.0570 and:0.0305 of:0.0245 to:0.0149 was:0.0117 is:0.0113 in:0.0102 or:0.0077 a:0.0075 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -of:0.2721 :0.4802 to:0.0944 and:0.0618 with:0.0213 in:0.0175 a:0.0143 will:0.0134 hundred:0.0131 his:0.0119 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -of:0.2149 :0.5556 and:0.0692 the:0.0366 to:0.0289 for:0.0210 that:0.0194 in:0.0193 or:0.0179 with:0.0172 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7077 the:0.1077 a:0.0607 to:0.0275 of:0.0245 by:0.0169 in:0.0167 and:0.0136 been:0.0132 with:0.0115 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -come:0.0087 participate:0.0071 be:0.0063 keep:0.0058 comply:0.0056 get:0.0048 obtain:0.0047 carry:0.0046 appear:0.0044 go:0.0042 -:0.7571 the:0.0981 a:0.0662 to:0.0206 and:0.0174 of:0.0110 said:0.0089 be:0.0074 or:0.0070 tho:0.0064 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8120 of:0.0432 to:0.0346 and:0.0310 the:0.0213 in:0.0168 a:0.0129 for:0.0124 that:0.0083 from:0.0076 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7058 and:0.0735 of:0.0439 to:0.0402 in:0.0296 that:0.0269 the:0.0227 as:0.0217 a:0.0205 for:0.0153 -:0.5815 the:0.2293 a:0.0794 his:0.0243 an:0.0195 and:0.0174 of:0.0141 to:0.0138 this:0.0120 their:0.0086 -:0.9692 home:0.0043 made:0.0042 and:0.0036 up:0.0035 place:0.0033 recorded:0.0032 day:0.0030 work:0.0030 interest:0.0029 -:0.6695 the:0.1915 a:0.0293 and:0.0222 this:0.0200 is:0.0195 of:0.0184 his:0.0118 tho:0.0090 to:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8676 be:0.0404 only:0.0157 more:0.0150 one:0.0138 it:0.0114 the:0.0107 a:0.0098 so:0.0089 that:0.0068 -:0.6449 the:0.1846 of:0.0419 a:0.0391 and:0.0226 to:0.0191 in:0.0170 for:0.0131 with:0.0090 at:0.0088 -:0.7416 to:0.0642 and:0.0587 that:0.0258 the:0.0230 of:0.0209 in:0.0192 a:0.0191 or:0.0141 for:0.0135 -:0.9302 and:0.0218 of:0.0101 to:0.0081 the:0.0071 in:0.0054 or:0.0045 a:0.0044 is:0.0042 that:0.0042 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9448 man:0.0129 year:0.0081 point:0.0057 change:0.0053 matter:0.0053 week:0.0051 place:0.0044 day:0.0043 mile:0.0041 -:0.8062 favor:0.0513 one:0.0301 spite:0.0262 order:0.0217 front:0.0152 behalf:0.0145 some:0.0123 view:0.0119 all:0.0107 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6764 and:0.0899 that:0.0864 but:0.0488 as:0.0437 to:0.0166 which:0.0116 it:0.0108 of:0.0090 he:0.0069 -:0.6978 the:0.1039 he:0.0487 a:0.0463 to:0.0305 and:0.0201 it:0.0196 one:0.0122 is:0.0110 was:0.0100 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7452 and:0.0572 of:0.0387 to:0.0376 the:0.0304 in:0.0273 was:0.0181 for:0.0167 that:0.0152 is:0.0136 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8546 the:0.0650 a:0.0188 to:0.0126 his:0.0094 all:0.0088 is:0.0080 was:0.0078 then:0.0075 in:0.0075 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9527 and:0.0124 the:0.0063 own:0.0053 to:0.0048 people:0.0040 first:0.0039 way:0.0038 city:0.0035 men:0.0033 -:0.5461 to:0.1499 will:0.0734 have:0.0711 are:0.0333 can:0.0308 and:0.0265 would:0.0231 not:0.0230 may:0.0227 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8549 and:0.0501 to:0.0317 was:0.0126 of:0.0113 is:0.0104 in:0.0084 for:0.0074 will:0.0069 that:0.0063 -:0.9160 the:0.0278 to:0.0104 a:0.0077 in:0.0075 that:0.0075 of:0.0071 and:0.0068 said:0.0056 on:0.0035 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.5911 a:0.1125 the:0.0838 to:0.0611 of:0.0496 and:0.0320 his:0.0196 for:0.0174 in:0.0167 by:0.0161 -to:0.3047 :0.5113 will:0.0510 and:0.0486 would:0.0224 should:0.0147 can:0.0140 shall:0.0130 could:0.0101 was:0.0101 -:0.7935 of:0.0724 for:0.0248 and:0.0248 in:0.0176 as:0.0168 is:0.0157 to:0.0133 with:0.0116 on:0.0095 -:0.8264 the:0.0717 we:0.0172 to:0.0154 a:0.0138 has:0.0125 was:0.0118 his:0.0110 is:0.0105 he:0.0097 -:0.5741 the:0.2164 a:0.0825 of:0.0423 his:0.0218 and:0.0169 tho:0.0135 their:0.0121 in:0.0111 an:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -a:0.2350 the:0.1728 :0.4225 no:0.0674 an:0.0263 to:0.0180 not:0.0166 very:0.0163 so:0.0141 said:0.0112 -the:0.5943 :0.2498 a:0.0538 tho:0.0305 this:0.0219 their:0.0123 his:0.0111 tbe:0.0098 its:0.0084 her:0.0081 -:0.6875 of:0.1043 and:0.0582 to:0.0388 in:0.0295 or:0.0209 is:0.0198 are:0.0156 for:0.0135 was:0.0118 -:0.8956 of:0.0305 and:0.0211 to:0.0114 in:0.0097 than:0.0067 on:0.0064 for:0.0063 from:0.0063 or:0.0059 -it:0.2723 :0.4696 there:0.0997 he:0.0977 she:0.0210 which:0.0099 the:0.0096 they:0.0086 ho:0.0062 we:0.0055 -:0.8724 to:0.0439 and:0.0264 in:0.0117 of:0.0105 or:0.0077 the:0.0073 as:0.0071 it:0.0067 up:0.0064 -:0.8784 of:0.0501 and:0.0260 the:0.0100 in:0.0069 or:0.0062 year:0.0061 that:0.0055 time:0.0055 is:0.0055 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7570 the:0.0606 to:0.0309 he:0.0281 was:0.0249 and:0.0221 will:0.0220 is:0.0219 would:0.0169 it:0.0156 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.8217 the:0.0403 was:0.0283 and:0.0269 has:0.0197 is:0.0156 be:0.0145 a:0.0119 have:0.0109 had:0.0101 -the:0.4999 :0.3089 a:0.0514 this:0.0411 his:0.0304 tho:0.0227 any:0.0138 our:0.0119 their:0.0115 its:0.0084 -:0.6570 of:0.0906 to:0.0716 and:0.0536 in:0.0372 the:0.0247 for:0.0199 by:0.0180 a:0.0140 as:0.0134 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8208 and:0.0468 the:0.0223 be:0.0209 was:0.0200 of:0.0195 is:0.0158 or:0.0117 have:0.0113 in:0.0109 -:0.6273 to:0.1021 and:0.0767 is:0.0551 was:0.0324 been:0.0240 of:0.0232 are:0.0212 were:0.0194 not:0.0187 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8103 of:0.0451 the:0.0361 and:0.0331 to:0.0216 in:0.0159 that:0.0126 by:0.0103 a:0.0075 for:0.0073 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.8139 of:0.0594 in:0.0263 a:0.0242 to:0.0190 and:0.0167 not:0.0129 is:0.0106 the:0.0085 are:0.0085 -:0.7290 the:0.1167 two:0.0283 any:0.0240 three:0.0224 other:0.0221 more:0.0177 a:0.0171 less:0.0135 his:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9184 and:0.0219 it:0.0114 to:0.0113 of:0.0075 him:0.0068 up:0.0060 described:0.0058 in:0.0056 that:0.0054 -have:0.0036 be:0.0031 we:0.0028 they:0.0026 do:0.0019 has:0.0017 per:0.0015 is:0.0014 the:0.0014 :0.9800 -:0.7589 of:0.0504 and:0.0469 the:0.0356 to:0.0319 in:0.0227 he:0.0151 for:0.0133 was:0.0127 be:0.0124 -:0.6302 is:0.1412 was:0.0735 he:0.0279 as:0.0270 would:0.0238 we:0.0227 they:0.0220 will:0.0160 has:0.0158 -:0.7562 he:0.0745 and:0.0370 to:0.0335 it:0.0257 they:0.0210 who:0.0142 that:0.0139 we:0.0123 she:0.0117 -the:0.3846 a:0.0893 :0.3773 be:0.0714 his:0.0189 tho:0.0182 any:0.0114 its:0.0103 every:0.0094 our:0.0094 -:0.8016 the:0.0790 a:0.0318 that:0.0180 in:0.0173 to:0.0127 if:0.0111 said:0.0100 is:0.0092 he:0.0092 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.6008 the:0.1640 a:0.1300 of:0.0269 and:0.0180 tho:0.0134 this:0.0130 his:0.0129 every:0.0106 that:0.0104 -:0.7926 the:0.0891 that:0.0365 a:0.0167 in:0.0165 as:0.0118 for:0.0104 his:0.0102 of:0.0081 by:0.0081 -:0.7628 as:0.0544 and:0.0391 to:0.0342 of:0.0299 the:0.0231 that:0.0186 in:0.0158 for:0.0115 by:0.0105 -:0.8558 and:0.0339 of:0.0177 is:0.0165 to:0.0163 was:0.0151 the:0.0121 as:0.0115 or:0.0113 for:0.0098 -:0.8898 as:0.0266 and:0.0166 up:0.0120 able:0.0118 him:0.0103 is:0.0093 down:0.0085 enough:0.0079 feet:0.0073 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -:0.6984 the:0.0858 of:0.0512 and:0.0375 a:0.0340 that:0.0253 to:0.0229 as:0.0163 in:0.0150 for:0.0136 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6861 the:0.1792 a:0.0348 of:0.0255 and:0.0211 his:0.0161 this:0.0115 their:0.0102 tho:0.0082 was:0.0074 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.7874 and:0.0766 is:0.0336 was:0.0247 to:0.0242 are:0.0121 be:0.0115 of:0.0102 has:0.0099 the:0.0098 -the:0.1422 :0.7565 this:0.0176 his:0.0159 these:0.0154 tho:0.0144 their:0.0129 our:0.0107 a:0.0078 its:0.0066 -the:0.0216 :0.9343 a:0.0067 his:0.0064 its:0.0055 that:0.0053 to:0.0052 will:0.0051 which:0.0050 their:0.0049 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7805 the:0.1097 he:0.0218 his:0.0171 a:0.0166 to:0.0119 that:0.0116 their:0.0112 all:0.0102 we:0.0094 -:0.6371 the:0.1876 a:0.0499 and:0.0326 is:0.0249 was:0.0200 to:0.0142 of:0.0128 his:0.0109 tho:0.0100 -:0.6219 the:0.1111 to:0.0726 a:0.0492 of:0.0387 and:0.0383 was:0.0208 in:0.0188 is:0.0161 at:0.0126 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7174 the:0.0769 of:0.0601 and:0.0419 a:0.0233 to:0.0204 in:0.0189 at:0.0163 for:0.0130 was:0.0118 -:0.7713 are:0.0671 were:0.0397 come:0.0382 have:0.0194 came:0.0149 go:0.0141 had:0.0137 went:0.0110 do:0.0106 -:0.6878 to:0.0720 and:0.0519 was:0.0428 the:0.0426 is:0.0241 be:0.0236 will:0.0223 would:0.0170 not:0.0159 -:0.6758 is:0.1190 was:0.0546 does:0.0366 will:0.0266 has:0.0212 did:0.0199 are:0.0170 time:0.0149 would:0.0144 -:0.6244 the:0.1328 he:0.0916 a:0.0359 not:0.0304 it:0.0246 be:0.0177 they:0.0151 and:0.0149 that:0.0127 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.5867 of:0.0989 a:0.0672 the:0.0533 and:0.0530 is:0.0392 to:0.0355 was:0.0228 in:0.0218 for:0.0216 -the:0.0216 :0.9343 a:0.0067 his:0.0064 its:0.0055 that:0.0053 to:0.0052 will:0.0051 which:0.0050 their:0.0049 -:0.7637 all:0.0522 that:0.0434 in:0.0345 by:0.0200 the:0.0195 to:0.0189 which:0.0173 for:0.0159 of:0.0148 -:0.6961 the:0.1473 a:0.0358 and:0.0299 to:0.0240 of:0.0188 that:0.0161 in:0.0115 by:0.0104 as:0.0101 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.8214 he:0.0701 who:0.0195 it:0.0165 which:0.0157 she:0.0146 that:0.0138 they:0.0100 and:0.0099 we:0.0084 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8410 to:0.0412 of:0.0312 and:0.0266 in:0.0169 the:0.0115 was:0.0094 had:0.0079 by:0.0072 is:0.0071 -:0.6230 is:0.1066 are:0.0708 was:0.0685 the:0.0334 were:0.0327 and:0.0205 will:0.0169 of:0.0141 to:0.0134 -:0.6955 and:0.0555 to:0.0554 of:0.0396 is:0.0382 he:0.0333 was:0.0282 in:0.0251 will:0.0159 are:0.0133 -:0.6517 and:0.1106 to:0.0824 of:0.0556 the:0.0313 in:0.0166 or:0.0153 that:0.0139 for:0.0120 but:0.0106 -of:0.1191 :0.7076 and:0.0558 to:0.0245 for:0.0207 in:0.0189 that:0.0175 as:0.0134 with:0.0112 from:0.0112 -:0.4889 in:0.1002 to:0.0963 of:0.0626 for:0.0605 that:0.0506 by:0.0438 and:0.0397 from:0.0295 at:0.0279 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2255 :0.4273 in:0.1073 to:0.0570 for:0.0422 on:0.0355 from:0.0313 and:0.0276 by:0.0248 at:0.0216 -of:0.2677 :0.5060 and:0.0740 or:0.0293 in:0.0281 to:0.0218 who:0.0187 are:0.0186 is:0.0183 that:0.0175 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7351 of:0.0733 the:0.0514 to:0.0364 and:0.0316 a:0.0200 in:0.0185 by:0.0130 for:0.0106 that:0.0100 -:0.8686 the:0.0351 and:0.0232 of:0.0152 to:0.0127 that:0.0119 not:0.0101 he:0.0085 in:0.0081 a:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.7381 are:0.1128 were:0.0496 have:0.0338 had:0.0178 be:0.0133 the:0.0119 get:0.0078 find:0.0076 give:0.0072 -:0.6576 the:0.1047 a:0.0580 and:0.0421 is:0.0381 was:0.0301 of:0.0280 are:0.0157 be:0.0151 have:0.0105 -:0.8121 and:0.0464 the:0.0333 of:0.0272 that:0.0203 was:0.0153 is:0.0135 in:0.0126 to:0.0104 for:0.0088 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8213 and:0.0364 the:0.0315 was:0.0237 is:0.0215 be:0.0160 of:0.0144 have:0.0126 has:0.0116 had:0.0109 -:0.8775 the:0.0326 and:0.0325 is:0.0110 as:0.0106 to:0.0088 was:0.0070 one:0.0069 or:0.0068 of:0.0064 -:0.6805 as:0.1215 to:0.0530 and:0.0488 but:0.0216 of:0.0163 is:0.0162 for:0.0151 that:0.0143 have:0.0126 -:0.6038 of:0.0995 to:0.0744 and:0.0624 the:0.0367 in:0.0294 for:0.0276 by:0.0253 as:0.0208 a:0.0200 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.8211 the:0.0423 we:0.0350 he:0.0244 they:0.0197 it:0.0177 has:0.0108 then:0.0105 be:0.0096 there:0.0090 -:0.6957 of:0.0951 and:0.0778 to:0.0449 in:0.0229 the:0.0153 for:0.0134 that:0.0131 from:0.0118 or:0.0100 -:0.6251 to:0.1297 of:0.0972 in:0.0438 the:0.0393 and:0.0217 a:0.0125 for:0.0118 by:0.0103 that:0.0087 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6199 of:0.0973 the:0.0681 and:0.0643 to:0.0536 in:0.0265 a:0.0195 for:0.0186 with:0.0162 from:0.0161 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6927 to:0.0894 the:0.0640 that:0.0411 and:0.0306 a:0.0231 of:0.0184 it:0.0166 in:0.0128 as:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4063 of:0.1865 to:0.1037 and:0.0746 the:0.0618 in:0.0545 by:0.0355 for:0.0345 at:0.0214 with:0.0212 -:0.7395 a:0.0814 the:0.0492 and:0.0257 he:0.0244 of:0.0241 to:0.0176 his:0.0128 one:0.0126 more:0.0126 -:0.9404 and:0.0132 that:0.0099 to:0.0072 made:0.0058 as:0.0054 the:0.0048 them:0.0045 it:0.0045 taken:0.0041 -:0.9035 be:0.0198 look:0.0150 him:0.0118 say:0.0101 work:0.0094 do:0.0084 pay:0.0081 sell:0.0073 make:0.0066 -:0.6618 of:0.0808 and:0.0680 in:0.0399 is:0.0328 to:0.0294 was:0.0284 the:0.0247 at:0.0191 are:0.0152 -:0.8385 and:0.0361 to:0.0249 of:0.0224 the:0.0171 is:0.0157 in:0.0139 was:0.0116 as:0.0100 for:0.0097 -:0.9121 been:0.0234 done:0.0126 it:0.0105 gone:0.0094 made:0.0092 taken:0.0073 received:0.0056 passed:0.0050 not:0.0049 -:0.8861 and:0.0278 the:0.0173 is:0.0154 was:0.0132 that:0.0124 it:0.0078 one:0.0070 are:0.0065 to:0.0065 -:0.9882 is:0.0025 are:0.0015 and:0.0013 years:0.0012 time:0.0012 present:0.0011 other:0.0011 own:0.0011 new:0.0010 -:0.9581 and:0.0063 city:0.0055 him:0.0050 home:0.0048 office:0.0047 hand:0.0046 work:0.0039 day:0.0036 time:0.0035 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7530 the:0.1170 a:0.0349 and:0.0313 to:0.0228 was:0.0093 be:0.0085 of:0.0080 this:0.0077 will:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.6439 of:0.1164 to:0.0560 and:0.0553 in:0.0327 for:0.0305 with:0.0178 is:0.0178 or:0.0163 from:0.0132 -:0.8322 the:0.0347 is:0.0290 was:0.0231 are:0.0192 a:0.0189 and:0.0143 were:0.0119 an:0.0086 will:0.0081 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -been:0.4073 :0.4008 a:0.0501 no:0.0377 not:0.0293 the:0.0286 to:0.0154 seen:0.0124 made:0.0093 always:0.0092 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.7722 he:0.0441 they:0.0397 it:0.0315 and:0.0284 who:0.0242 we:0.0212 which:0.0152 that:0.0144 you:0.0091 -:0.7008 the:0.1597 a:0.0610 and:0.0213 this:0.0122 of:0.0107 to:0.0099 said:0.0094 no:0.0078 tho:0.0073 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.8717 the:0.0268 of:0.0264 to:0.0183 a:0.0147 and:0.0143 in:0.0098 that:0.0068 for:0.0058 it:0.0054 -:0.9069 and:0.0173 that:0.0145 the:0.0140 a:0.0108 one:0.0094 of:0.0087 in:0.0075 or:0.0067 mortgage:0.0042 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7690 of:0.0651 and:0.0431 the:0.0234 in:0.0233 to:0.0229 is:0.0144 was:0.0144 with:0.0127 a:0.0116 -:0.7441 the:0.1052 a:0.0477 of:0.0246 and:0.0231 to:0.0171 that:0.0132 this:0.0101 his:0.0081 is:0.0069 -:0.6708 been:0.1345 made:0.0398 to:0.0346 in:0.0336 become:0.0202 not:0.0197 by:0.0168 received:0.0154 for:0.0146 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.7684 and:0.0538 the:0.0321 a:0.0306 in:0.0260 that:0.0254 as:0.0223 for:0.0146 of:0.0135 to:0.0133 -:0.7952 of:0.0552 years:0.0418 or:0.0241 hundred:0.0209 and:0.0208 days:0.0154 weeks:0.0105 months:0.0089 the:0.0072 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7792 the:0.0874 and:0.0284 a:0.0202 that:0.0188 of:0.0183 at:0.0154 in:0.0125 or:0.0106 to:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7979 a:0.0622 the:0.0539 made:0.0201 no:0.0191 so:0.0125 to:0.0095 an:0.0092 as:0.0079 found:0.0078 -the:0.2940 :0.5781 a:0.0400 his:0.0203 tho:0.0157 it:0.0122 an:0.0108 their:0.0102 this:0.0094 all:0.0092 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7938 and:0.0389 was:0.0266 is:0.0265 of:0.0245 the:0.0206 a:0.0196 are:0.0190 to:0.0183 in:0.0122 -was:0.1630 :0.5405 had:0.0938 is:0.0826 has:0.0467 in:0.0196 took:0.0163 saw:0.0146 as:0.0115 of:0.0115 -:0.8100 to:0.0427 the:0.0372 of:0.0255 and:0.0235 not:0.0173 a:0.0145 in:0.0140 was:0.0080 it:0.0073 -:0.6230 is:0.1066 are:0.0708 was:0.0685 the:0.0334 were:0.0327 and:0.0205 will:0.0169 of:0.0141 to:0.0134 -be:0.2503 :0.5450 make:0.0478 have:0.0418 not:0.0271 take:0.0212 get:0.0196 find:0.0188 bo:0.0147 give:0.0137 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8926 same:0.0198 most:0.0151 first:0.0119 said:0.0111 two:0.0107 other:0.0103 great:0.0099 present:0.0094 best:0.0093 -:0.9278 few:0.0122 little:0.0108 good:0.0099 large:0.0098 man:0.0075 great:0.0068 very:0.0051 certain:0.0051 more:0.0051 -:0.6823 the:0.0913 a:0.0671 to:0.0426 of:0.0306 and:0.0296 in:0.0190 for:0.0134 his:0.0126 by:0.0115 -:0.8157 of:0.0388 and:0.0271 in:0.0252 to:0.0226 with:0.0158 by:0.0156 for:0.0144 that:0.0130 on:0.0119 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -by:0.1273 :0.3650 in:0.1082 to:0.1042 of:0.0984 for:0.0482 on:0.0476 at:0.0378 from:0.0326 with:0.0308 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.8972 as:0.0274 and:0.0135 is:0.0123 according:0.0112 want:0.0092 go:0.0090 have:0.0071 time:0.0067 enough:0.0065 -:0.6144 the:0.1469 to:0.0955 a:0.0546 and:0.0203 of:0.0171 his:0.0142 he:0.0130 more:0.0122 will:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6833 of:0.0865 in:0.0424 the:0.0377 to:0.0366 and:0.0361 that:0.0230 a:0.0223 by:0.0161 for:0.0160 -:0.6959 the:0.0802 a:0.0495 and:0.0429 to:0.0393 of:0.0241 is:0.0231 was:0.0209 in:0.0139 or:0.0102 -of:0.0916 and:0.0454 :0.7160 to:0.0351 in:0.0243 than:0.0235 who:0.0197 or:0.0167 on:0.0149 for:0.0128 -:0.6565 a:0.1095 been:0.0577 the:0.0435 no:0.0429 to:0.0311 that:0.0232 it:0.0152 not:0.0102 he:0.0102 -:0.7736 they:0.0663 we:0.0433 there:0.0329 he:0.0307 it:0.0152 who:0.0141 that:0.0090 the:0.0078 then:0.0071 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7979 the:0.0543 of:0.0303 to:0.0290 and:0.0289 a:0.0241 in:0.0166 for:0.0079 was:0.0057 at:0.0055 -:0.7546 to:0.1068 and:0.0392 who:0.0213 will:0.0203 we:0.0131 would:0.0117 he:0.0112 it:0.0111 they:0.0106 -:0.8034 and:0.0752 of:0.0532 but:0.0140 in:0.0114 so:0.0112 to:0.0106 say:0.0081 thought:0.0066 for:0.0063 -to:0.3726 :0.3423 will:0.1206 may:0.0338 would:0.0300 shall:0.0267 should:0.0220 can:0.0209 and:0.0180 must:0.0132 -:0.8197 and:0.0341 the:0.0324 to:0.0250 he:0.0180 will:0.0166 was:0.0159 is:0.0152 be:0.0117 of:0.0112 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.6405 the:0.1522 of:0.0646 a:0.0628 in:0.0263 and:0.0158 his:0.0117 for:0.0090 tho:0.0090 on:0.0079 -:0.6944 was:0.0877 had:0.0429 is:0.0384 has:0.0363 could:0.0311 would:0.0252 will:0.0202 did:0.0119 are:0.0117 -:0.7857 to:0.0554 and:0.0404 the:0.0375 of:0.0304 in:0.0148 was:0.0103 is:0.0086 or:0.0086 that:0.0083 -the:0.4731 a:0.1599 :0.2345 his:0.0395 this:0.0220 tho:0.0216 their:0.0179 any:0.0120 its:0.0111 our:0.0084 -the:0.2815 :0.5153 a:0.0850 tho:0.0273 his:0.0260 this:0.0164 an:0.0130 their:0.0130 its:0.0126 said:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.9361 only:0.0193 be:0.0080 more:0.0075 long:0.0057 less:0.0052 up:0.0050 it:0.0047 known:0.0045 appear:0.0041 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8893 out:0.0201 one:0.0149 day:0.0148 side:0.0140 line:0.0131 part:0.0110 and:0.0094 that:0.0068 days:0.0067 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7137 the:0.1345 he:0.0359 a:0.0273 is:0.0201 was:0.0158 all:0.0147 in:0.0146 his:0.0120 this:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8495 and:0.0373 to:0.0238 that:0.0233 which:0.0121 but:0.0117 it:0.0115 as:0.0110 was:0.0099 of:0.0098 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8730 as:0.0229 and:0.0216 up:0.0153 is:0.0151 down:0.0128 had:0.0105 came:0.0100 went:0.0099 according:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7065 of:0.0818 the:0.0647 and:0.0483 to:0.0197 or:0.0176 in:0.0169 a:0.0156 he:0.0146 which:0.0144 -:0.8322 and:0.0712 of:0.0183 to:0.0178 that:0.0170 the:0.0126 a:0.0099 or:0.0074 so:0.0069 all:0.0067 -:0.9174 time:0.0252 doubt:0.0111 attempt:0.0080 order:0.0074 way:0.0071 longer:0.0064 reason:0.0061 right:0.0059 return:0.0053 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8608 and:0.0305 of:0.0181 was:0.0174 as:0.0173 is:0.0152 that:0.0126 but:0.0099 to:0.0098 owned:0.0084 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.7582 the:0.0822 of:0.0378 and:0.0294 a:0.0261 that:0.0220 in:0.0173 to:0.0115 for:0.0085 all:0.0070 -the:0.6029 :0.2027 a:0.0657 tho:0.0315 this:0.0278 his:0.0229 our:0.0137 their:0.0129 its:0.0123 tbe:0.0076 -:0.9403 the:0.0139 and:0.0101 time:0.0090 of:0.0067 a:0.0045 other:0.0044 day:0.0039 is:0.0037 th:0.0034 -would:0.1873 :0.4576 will:0.1007 to:0.0481 may:0.0468 is:0.0391 shall:0.0326 must:0.0302 we:0.0296 was:0.0281 -:0.9316 and:0.0251 is:0.0088 days:0.0062 work:0.0054 day:0.0052 years:0.0051 year:0.0044 interest:0.0041 or:0.0040 -:0.5714 of:0.1643 in:0.0519 and:0.0423 to:0.0323 at:0.0319 on:0.0303 for:0.0285 by:0.0250 with:0.0221 -:0.7335 the:0.0845 of:0.0461 a:0.0337 that:0.0223 to:0.0194 and:0.0186 in:0.0174 his:0.0147 said:0.0098 -:0.7591 of:0.0651 and:0.0417 to:0.0409 the:0.0303 that:0.0180 in:0.0131 for:0.0115 a:0.0107 it:0.0097 -to:0.6357 :0.2324 of:0.0296 and:0.0249 will:0.0178 in:0.0176 would:0.0173 was:0.0098 for:0.0077 is:0.0073 -:0.8009 and:0.0815 of:0.0504 is:0.0169 but:0.0165 was:0.0084 in:0.0082 as:0.0061 so:0.0055 says:0.0054 -:0.9135 fact:0.0270 year:0.0110 man:0.0081 point:0.0071 word:0.0071 thing:0.0071 time:0.0068 week:0.0061 matter:0.0061 -:0.6187 the:0.2342 a:0.0485 not:0.0237 be:0.0151 this:0.0141 as:0.0127 and:0.0126 he:0.0106 in:0.0099 -:0.6709 the:0.1540 a:0.0664 all:0.0188 he:0.0174 had:0.0166 is:0.0162 this:0.0152 no:0.0128 that:0.0118 -:0.7810 the:0.1186 a:0.0251 and:0.0210 two:0.0116 three:0.0092 his:0.0088 is:0.0086 was:0.0085 of:0.0077 -:0.8635 the:0.0614 and:0.0162 to:0.0129 a:0.0117 of:0.0087 it:0.0071 that:0.0065 he:0.0065 in:0.0057 -:0.8395 the:0.0473 to:0.0232 all:0.0179 and:0.0172 which:0.0150 as:0.0118 that:0.0107 a:0.0092 it:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9469 and:0.0215 as:0.0064 way:0.0050 time:0.0039 but:0.0037 was:0.0037 house:0.0031 is:0.0030 to:0.0029 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.4888 :0.2894 a:0.0873 his:0.0400 tho:0.0234 their:0.0192 this:0.0154 her:0.0149 our:0.0113 an:0.0103 -:0.8471 we:0.0246 it:0.0228 they:0.0221 and:0.0210 who:0.0177 there:0.0156 as:0.0110 he:0.0096 you:0.0084 -:0.9578 city:0.0063 land:0.0053 country:0.0052 interest:0.0050 work:0.0043 people:0.0043 county:0.0042 house:0.0039 time:0.0037 -of:0.0193 a:0.0113 is:0.0101 to:0.0087 no:0.0077 are:0.0075 and:0.0071 :0.9187 as:0.0050 in:0.0045 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.8397 the:0.0697 all:0.0241 once:0.0187 least:0.0124 oclock:0.0093 him:0.0075 and:0.0063 it:0.0062 any:0.0062 -:0.8550 and:0.0510 is:0.0181 to:0.0171 of:0.0133 was:0.0114 but:0.0105 are:0.0085 as:0.0079 that:0.0073 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.8032 the:0.0475 a:0.0384 in:0.0303 and:0.0215 that:0.0134 of:0.0125 one:0.0116 as:0.0115 to:0.0102 -:0.8302 and:0.0582 as:0.0215 he:0.0159 to:0.0147 they:0.0134 we:0.0133 that:0.0122 have:0.0107 is:0.0099 -:0.8778 and:0.0347 to:0.0254 the:0.0166 of:0.0099 or:0.0090 is:0.0082 was:0.0066 more:0.0060 that:0.0059 -the:0.3504 :0.5175 a:0.0429 this:0.0269 tho:0.0162 said:0.0130 his:0.0098 our:0.0080 its:0.0077 their:0.0075 -:0.6969 the:0.1563 a:0.0326 to:0.0249 and:0.0202 that:0.0179 of:0.0132 in:0.0132 it:0.0129 as:0.0119 -:0.7374 that:0.0553 the:0.0507 and:0.0317 to:0.0297 as:0.0237 been:0.0215 so:0.0196 a:0.0155 in:0.0148 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9426 city:0.0085 time:0.0075 same:0.0075 bill:0.0063 country:0.0063 case:0.0059 matter:0.0053 world:0.0052 result:0.0050 -:0.5878 and:0.1179 of:0.1063 to:0.0807 is:0.0273 in:0.0192 as:0.0178 or:0.0152 for:0.0142 was:0.0137 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -been:0.2080 :0.6384 not:0.0415 made:0.0335 in:0.0176 received:0.0175 become:0.0132 for:0.0103 as:0.0103 to:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6666 of:0.1728 and:0.0400 in:0.0272 to:0.0239 for:0.0169 the:0.0136 by:0.0135 at:0.0130 with:0.0125 -to:0.3480 :0.4107 of:0.0676 and:0.0632 in:0.0260 will:0.0256 as:0.0192 that:0.0142 the:0.0138 for:0.0117 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -the:0.4141 :0.4270 a:0.0484 tho:0.0318 said:0.0150 his:0.0150 their:0.0136 our:0.0133 this:0.0123 such:0.0094 -:0.9501 one:0.0083 that:0.0083 him:0.0065 and:0.0058 men:0.0048 a:0.0048 them:0.0042 city:0.0038 it:0.0034 -:0.8004 such:0.0491 the:0.0275 that:0.0269 which:0.0237 with:0.0166 in:0.0161 as:0.0136 by:0.0132 all:0.0129 -:0.8858 is:0.0179 and:0.0177 it:0.0167 up:0.0127 to:0.0109 was:0.0103 out:0.0102 him:0.0096 you:0.0084 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6392 to:0.0944 of:0.0690 and:0.0592 was:0.0334 is:0.0324 in:0.0187 for:0.0187 or:0.0183 with:0.0166 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9228 same:0.0207 most:0.0090 other:0.0084 first:0.0079 whole:0.0073 best:0.0070 great:0.0061 past:0.0055 next:0.0052 -have:0.0015 do:0.0013 be:0.0012 the:0.0008 took:0.0007 find:0.0007 had:0.0007 said:0.0006 got:0.0006 make:0.0006 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -the:0.1072 be:0.0897 :0.7159 have:0.0134 go:0.0133 a:0.0132 get:0.0123 tho:0.0120 take:0.0116 give:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.6898 the:0.0803 and:0.0754 of:0.0356 to:0.0270 as:0.0208 been:0.0198 that:0.0193 a:0.0171 in:0.0150 -:0.8071 the:0.0685 of:0.0337 and:0.0198 a:0.0194 be:0.0132 that:0.0101 tho:0.0097 is:0.0096 their:0.0087 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9448 man:0.0129 year:0.0081 point:0.0057 change:0.0053 matter:0.0053 week:0.0051 place:0.0044 day:0.0043 mile:0.0041 -have:0.6391 had:0.1110 has:0.0620 :0.1101 be:0.0242 not:0.0237 havo:0.0112 having:0.0073 never:0.0065 lias:0.0050 -:0.7626 and:0.0979 is:0.0306 of:0.0286 but:0.0242 was:0.0149 know:0.0113 in:0.0111 say:0.0099 that:0.0089 -the:0.1343 :0.7132 a:0.0417 be:0.0256 was:0.0195 is:0.0164 and:0.0164 his:0.0124 are:0.0114 an:0.0092 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9281 time:0.0111 as:0.0094 and:0.0086 them:0.0085 him:0.0084 up:0.0075 it:0.0073 able:0.0056 feet:0.0056 -to:0.1784 :0.6363 and:0.0492 the:0.0348 not:0.0234 in:0.0222 that:0.0170 of:0.0136 by:0.0128 or:0.0124 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8828 of:0.0327 in:0.0163 and:0.0159 for:0.0133 to:0.0112 time:0.0080 with:0.0070 from:0.0068 on:0.0062 -to:0.4262 :0.3626 not:0.0898 will:0.0404 shall:0.0175 may:0.0173 it:0.0159 would:0.0116 can:0.0099 and:0.0088 -to:0.3505 :0.4157 will:0.0428 and:0.0402 would:0.0321 is:0.0285 was:0.0284 of:0.0283 in:0.0178 can:0.0157 -is:0.1362 was:0.1244 be:0.0393 :0.5599 will:0.0307 would:0.0306 has:0.0274 and:0.0204 to:0.0166 are:0.0145 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8922 auction:0.0344 way:0.0165 and:0.0127 as:0.0085 feet:0.0078 time:0.0078 power:0.0076 years:0.0073 right:0.0054 -:0.6680 the:0.1778 a:0.0409 of:0.0360 and:0.0262 in:0.0171 his:0.0112 is:0.0078 was:0.0075 to:0.0075 -:0.4627 of:0.1264 for:0.0675 in:0.0666 with:0.0666 to:0.0549 by:0.0485 and:0.0450 that:0.0357 at:0.0262 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9422 hour:0.0226 home:0.0051 office:0.0049 acre:0.0048 opportunity:0.0047 time:0.0041 night:0.0039 work:0.0039 interest:0.0037 -:0.9726 other:0.0044 time:0.0038 own:0.0037 day:0.0031 old:0.0028 the:0.0024 one:0.0024 good:0.0024 short:0.0023 -:0.8099 and:0.0538 of:0.0286 is:0.0275 was:0.0198 to:0.0151 the:0.0143 in:0.0111 not:0.0105 or:0.0094 -:0.8321 and:0.0474 of:0.0308 to:0.0272 a:0.0242 will:0.0089 are:0.0088 or:0.0074 the:0.0070 in:0.0063 -be:0.4316 :0.3780 the:0.0666 have:0.0660 bo:0.0198 do:0.0104 a:0.0091 get:0.0064 make:0.0062 take:0.0060 -:0.6732 the:0.1245 a:0.0857 that:0.0277 his:0.0166 this:0.0162 and:0.0157 their:0.0150 any:0.0148 one:0.0106 -to:0.2163 :0.4491 of:0.0765 and:0.0668 in:0.0535 for:0.0394 that:0.0313 with:0.0258 by:0.0256 on:0.0157 -:0.7272 and:0.0662 to:0.0585 of:0.0550 in:0.0230 as:0.0163 was:0.0144 the:0.0140 for:0.0137 is:0.0117 -the:0.2419 :0.6218 a:0.0463 his:0.0157 that:0.0148 tho:0.0143 it:0.0132 and:0.0117 their:0.0113 of:0.0090 -:0.5799 of:0.0991 in:0.0571 with:0.0543 for:0.0535 by:0.0352 to:0.0350 as:0.0334 and:0.0279 at:0.0246 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.8225 to:0.0364 and:0.0310 of:0.0215 that:0.0188 it:0.0165 the:0.0164 or:0.0141 in:0.0116 he:0.0110 -:0.7103 of:0.0826 the:0.0770 in:0.0298 and:0.0289 at:0.0201 to:0.0168 a:0.0155 is:0.0099 for:0.0091 -:0.5572 the:0.1828 a:0.1167 be:0.0598 his:0.0324 their:0.0139 her:0.0102 this:0.0098 tho:0.0093 do:0.0078 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7694 the:0.1030 a:0.0416 to:0.0280 and:0.0136 an:0.0133 that:0.0100 it:0.0076 in:0.0074 of:0.0060 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6891 the:0.1144 a:0.1055 an:0.0181 her:0.0167 his:0.0146 him:0.0133 their:0.0103 all:0.0094 two:0.0087 -of:0.1784 to:0.1357 :0.3868 in:0.0834 on:0.0477 by:0.0421 and:0.0358 for:0.0328 at:0.0298 with:0.0274 -:0.9095 use:0.0168 one:0.0165 corner:0.0120 be:0.0091 think:0.0081 act:0.0077 work:0.0076 dispose:0.0064 some:0.0062 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.8153 the:0.0798 a:0.0253 he:0.0216 this:0.0134 other:0.0106 and:0.0099 tho:0.0090 his:0.0082 be:0.0069 -:0.9522 and:0.0069 own:0.0060 to:0.0055 was:0.0053 is:0.0053 wife:0.0050 has:0.0049 of:0.0047 will:0.0043 -:0.8587 time:0.0211 part:0.0202 day:0.0190 kind:0.0186 city:0.0157 matter:0.0130 sort:0.0120 way:0.0115 case:0.0101 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9559 made:0.0082 born:0.0057 it:0.0050 a:0.0048 done:0.0048 not:0.0042 killed:0.0039 taken:0.0038 the:0.0038 -:0.9438 the:0.0106 last:0.0077 and:0.0070 one:0.0063 first:0.0055 other:0.0051 young:0.0049 two:0.0048 a:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8104 the:0.1129 a:0.0178 tho:0.0108 three:0.0102 those:0.0086 one:0.0081 his:0.0073 this:0.0069 such:0.0068 -:0.6183 the:0.1225 a:0.0932 is:0.0376 was:0.0270 and:0.0268 his:0.0213 of:0.0203 be:0.0171 are:0.0158 -:0.7008 the:0.1281 a:0.0362 to:0.0299 of:0.0259 and:0.0248 that:0.0192 in:0.0174 by:0.0093 it:0.0083 -:0.7570 of:0.1012 and:0.0389 in:0.0208 the:0.0207 to:0.0151 as:0.0150 for:0.0124 that:0.0101 by:0.0088 -:0.7110 the:0.1187 a:0.0392 this:0.0311 his:0.0256 which:0.0239 that:0.0142 their:0.0135 it:0.0121 her:0.0107 -:0.7954 he:0.0488 it:0.0336 the:0.0330 they:0.0239 had:0.0183 we:0.0156 there:0.0109 is:0.0104 has:0.0101 -:0.5362 at:0.1646 of:0.1225 the:0.0533 and:0.0352 in:0.0321 by:0.0193 on:0.0125 that:0.0124 for:0.0120 -:0.7189 the:0.0842 in:0.0476 of:0.0400 to:0.0349 a:0.0233 and:0.0170 by:0.0145 on:0.0099 for:0.0095 -:0.6015 of:0.1727 and:0.0596 to:0.0504 will:0.0232 which:0.0231 the:0.0219 in:0.0185 is:0.0158 or:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9387 less:0.0167 more:0.0137 two:0.0079 other:0.0048 three:0.0045 it:0.0038 years:0.0037 otherwise:0.0034 the:0.0029 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.9208 same:0.0167 most:0.0116 said:0.0105 first:0.0074 best:0.0068 whole:0.0068 public:0.0067 other:0.0065 last:0.0062 -:0.8060 of:0.0457 and:0.0422 to:0.0394 in:0.0155 the:0.0136 that:0.0101 for:0.0101 as:0.0092 a:0.0084 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.9562 of:0.0164 and:0.0054 from:0.0038 in:0.0037 to:0.0035 on:0.0033 for:0.0028 with:0.0025 years:0.0024 -:0.8759 to:0.0481 up:0.0138 out:0.0120 it:0.0120 and:0.0114 that:0.0084 more:0.0063 in:0.0061 him:0.0060 -:0.8956 the:0.0236 and:0.0221 that:0.0111 is:0.0098 we:0.0094 as:0.0076 are:0.0071 a:0.0070 was:0.0069 -the:0.0387 :0.9084 his:0.0089 this:0.0083 their:0.0083 its:0.0063 said:0.0059 our:0.0052 so:0.0052 a:0.0048 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.5407 are:0.0903 have:0.0759 is:0.0750 had:0.0629 was:0.0426 has:0.0346 were:0.0318 not:0.0263 be:0.0200 -:0.7617 and:0.0457 was:0.0398 is:0.0358 the:0.0326 to:0.0287 of:0.0151 will:0.0150 a:0.0133 had:0.0124 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7553 the:0.0800 a:0.0445 and:0.0387 to:0.0206 of:0.0189 was:0.0139 be:0.0112 is:0.0098 or:0.0069 -to:0.7113 :0.1523 and:0.0336 of:0.0263 in:0.0191 will:0.0153 is:0.0140 was:0.0126 would:0.0089 for:0.0067 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6011 the:0.2447 a:0.0429 and:0.0309 of:0.0242 this:0.0143 to:0.0114 tho:0.0111 that:0.0103 was:0.0092 -the:0.4165 :0.4021 a:0.0554 this:0.0393 his:0.0223 their:0.0176 tho:0.0140 any:0.0123 its:0.0117 an:0.0088 -:0.9602 time:0.0056 world:0.0048 city:0.0047 same:0.0045 county:0.0043 way:0.0043 country:0.0042 state:0.0038 above:0.0036 -:0.5681 the:0.1506 of:0.1010 a:0.0676 to:0.0361 and:0.0213 in:0.0193 by:0.0134 his:0.0123 for:0.0103 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.8256 and:0.0432 to:0.0297 the:0.0194 is:0.0181 was:0.0167 of:0.0143 be:0.0126 as:0.0111 have:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7170 of:0.0756 and:0.0509 to:0.0367 with:0.0224 in:0.0222 for:0.0207 a:0.0193 is:0.0187 the:0.0167 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7410 and:0.0640 the:0.0518 to:0.0322 is:0.0247 of:0.0242 was:0.0181 in:0.0151 a:0.0146 are:0.0144 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.9419 man:0.0112 little:0.0088 good:0.0072 few:0.0058 large:0.0058 matter:0.0052 word:0.0048 point:0.0047 place:0.0046 -:0.8140 the:0.0390 to:0.0379 a:0.0378 and:0.0287 of:0.0111 will:0.0102 per:0.0082 was:0.0067 he:0.0064 -:0.6875 the:0.0747 to:0.0568 of:0.0505 and:0.0438 a:0.0248 in:0.0207 that:0.0155 is:0.0148 by:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9343 the:0.0180 and:0.0094 is:0.0079 a:0.0077 other:0.0066 was:0.0057 most:0.0036 said:0.0035 are:0.0033 -:0.8134 and:0.0503 to:0.0450 of:0.0299 that:0.0151 in:0.0117 the:0.0093 at:0.0091 for:0.0089 or:0.0074 -of:0.3853 :0.3299 in:0.0551 and:0.0488 with:0.0458 to:0.0450 for:0.0342 on:0.0192 at:0.0186 is:0.0181 -:0.7690 of:0.0471 in:0.0452 the:0.0280 that:0.0261 a:0.0243 for:0.0200 and:0.0193 at:0.0106 on:0.0103 -:0.7684 the:0.1458 a:0.0208 tho:0.0139 this:0.0114 said:0.0100 all:0.0088 any:0.0086 such:0.0062 that:0.0060 -:0.7518 of:0.0794 and:0.0599 to:0.0287 in:0.0205 for:0.0160 the:0.0129 that:0.0107 is:0.0101 as:0.0099 -:0.6704 the:0.2155 a:0.0327 that:0.0148 and:0.0139 it:0.0129 their:0.0111 this:0.0098 he:0.0096 his:0.0093 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -of:0.2419 :0.6223 and:0.0495 or:0.0202 in:0.0143 to:0.0136 the:0.0127 for:0.0100 that:0.0091 who:0.0063 -:0.9484 and:0.0111 it:0.0085 he:0.0066 the:0.0062 a:0.0045 who:0.0042 to:0.0039 be:0.0035 you:0.0030 -the:0.4742 :0.2744 a:0.0779 this:0.0570 his:0.0413 their:0.0186 any:0.0167 tho:0.0164 its:0.0145 all:0.0090 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5869 the:0.1796 a:0.0842 to:0.0422 he:0.0238 and:0.0234 his:0.0165 of:0.0156 by:0.0142 that:0.0136 -:0.8556 the:0.0396 and:0.0362 of:0.0175 that:0.0127 to:0.0099 a:0.0097 this:0.0074 which:0.0060 as:0.0054 -:0.8101 the:0.0434 and:0.0355 to:0.0352 of:0.0292 that:0.0107 in:0.0099 as:0.0092 a:0.0091 with:0.0075 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.7359 the:0.1034 this:0.0424 a:0.0241 order:0.0191 his:0.0160 said:0.0155 which:0.0154 their:0.0143 her:0.0139 -:0.8120 the:0.0316 years:0.0274 per:0.0270 hundred:0.0249 three:0.0185 two:0.0184 ten:0.0157 few:0.0129 or:0.0117 -:0.7012 to:0.0926 a:0.0749 the:0.0453 and:0.0443 of:0.0146 he:0.0074 in:0.0067 per:0.0065 or:0.0064 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8757 made:0.0237 born:0.0205 placed:0.0170 found:0.0149 held:0.0130 not:0.0121 engaged:0.0080 done:0.0079 kept:0.0071 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6259 are:0.1004 were:0.0628 will:0.0590 would:0.0405 have:0.0278 could:0.0266 can:0.0227 be:0.0200 may:0.0141 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6993 it:0.0537 that:0.0487 which:0.0475 who:0.0419 he:0.0366 and:0.0314 as:0.0157 to:0.0127 but:0.0125 -:0.8706 same:0.0360 other:0.0290 the:0.0124 whole:0.0101 said:0.0095 great:0.0088 most:0.0084 first:0.0082 public:0.0070 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.2987 a:0.1275 :0.4541 his:0.0237 tho:0.0190 any:0.0178 an:0.0174 this:0.0164 their:0.0138 no:0.0117 -:0.8527 day:0.0622 side:0.0237 line:0.0187 part:0.0110 number:0.0082 time:0.0072 one:0.0056 amount:0.0054 quarter:0.0053 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8851 and:0.0474 to:0.0151 the:0.0117 of:0.0085 is:0.0084 in:0.0070 it:0.0059 as:0.0058 that:0.0052 -:0.7134 to:0.1087 will:0.0307 and:0.0295 was:0.0275 would:0.0256 is:0.0193 not:0.0169 can:0.0156 are:0.0129 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.8052 the:0.0683 and:0.0302 to:0.0289 a:0.0201 of:0.0155 he:0.0084 be:0.0083 in:0.0077 that:0.0074 -:0.7834 and:0.0574 to:0.0397 was:0.0252 is:0.0243 the:0.0229 will:0.0168 of:0.0104 who:0.0102 are:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -of:0.1857 :0.3896 in:0.1096 to:0.0848 for:0.0483 on:0.0456 at:0.0403 by:0.0369 that:0.0324 with:0.0268 -:0.7063 of:0.1424 and:0.0529 to:0.0280 in:0.0244 for:0.0125 at:0.0110 as:0.0083 that:0.0075 on:0.0067 -:0.6611 the:0.1251 he:0.0460 and:0.0416 they:0.0345 we:0.0266 a:0.0183 to:0.0168 that:0.0161 is:0.0141 -of:0.4348 :0.2854 to:0.0717 in:0.0532 and:0.0347 by:0.0262 on:0.0245 from:0.0242 for:0.0237 at:0.0216 -:0.6734 of:0.1057 in:0.0575 to:0.0368 for:0.0316 and:0.0277 with:0.0186 on:0.0175 is:0.0156 at:0.0155 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -the:0.3951 :0.4229 a:0.0561 of:0.0401 and:0.0236 tho:0.0151 this:0.0138 their:0.0117 his:0.0110 any:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1685 :0.5860 in:0.0700 for:0.0313 on:0.0272 at:0.0267 that:0.0242 and:0.0230 from:0.0223 with:0.0208 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7533 the:0.0951 a:0.0449 of:0.0288 and:0.0163 to:0.0158 in:0.0155 his:0.0124 are:0.0100 were:0.0079 -:0.9387 made:0.0149 done:0.0079 found:0.0077 seen:0.0061 given:0.0056 had:0.0053 taken:0.0047 as:0.0046 built:0.0045 -:0.6892 of:0.0663 the:0.0625 and:0.0478 to:0.0464 a:0.0255 is:0.0176 in:0.0162 was:0.0156 for:0.0128 -the:0.3270 :0.4893 a:0.0604 his:0.0286 tho:0.0212 which:0.0195 this:0.0177 their:0.0124 it:0.0124 our:0.0114 -of:0.2582 :0.5852 in:0.0271 and:0.0222 or:0.0213 to:0.0191 with:0.0183 for:0.0183 from:0.0156 years:0.0148 -:0.5729 of:0.1596 the:0.0599 to:0.0528 in:0.0511 and:0.0419 by:0.0187 for:0.0166 with:0.0149 on:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9643 time:0.0057 city:0.0052 same:0.0046 whole:0.0044 people:0.0038 day:0.0032 way:0.0030 most:0.0030 case:0.0029 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.8930 few:0.0160 great:0.0153 very:0.0149 good:0.0147 little:0.0129 to:0.0110 large:0.0102 most:0.0064 dozen:0.0056 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.5878 of:0.1915 in:0.0594 and:0.0423 for:0.0294 by:0.0218 with:0.0195 a:0.0181 at:0.0160 on:0.0142 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -the:0.4487 :0.4128 a:0.0375 be:0.0230 tho:0.0211 his:0.0188 this:0.0123 any:0.0106 their:0.0088 our:0.0064 -is:0.3134 was:0.1693 :0.4020 are:0.0310 in:0.0196 have:0.0135 were:0.0132 as:0.0130 of:0.0126 with:0.0124 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8220 and:0.0350 it:0.0249 which:0.0228 he:0.0199 they:0.0192 we:0.0179 that:0.0140 as:0.0122 you:0.0121 -:0.6593 the:0.1428 a:0.0559 and:0.0364 of:0.0274 to:0.0235 be:0.0157 was:0.0152 or:0.0124 is:0.0115 -:0.7752 and:0.0429 the:0.0381 a:0.0298 to:0.0288 was:0.0237 of:0.0214 is:0.0198 be:0.0112 are:0.0091 -:0.7615 the:0.0606 and:0.0401 of:0.0288 a:0.0275 is:0.0214 was:0.0210 that:0.0156 be:0.0126 to:0.0108 -:0.7866 and:0.0506 of:0.0312 who:0.0252 or:0.0217 that:0.0193 as:0.0185 has:0.0183 is:0.0146 not:0.0142 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8479 and:0.0321 to:0.0313 the:0.0216 a:0.0143 of:0.0124 or:0.0121 was:0.0108 is:0.0093 that:0.0083 -:0.7682 the:0.1324 a:0.0375 this:0.0171 tho:0.0097 their:0.0079 per:0.0076 one:0.0074 and:0.0062 that:0.0060 -:0.5948 that:0.0920 of:0.0731 to:0.0610 in:0.0579 for:0.0369 as:0.0277 on:0.0208 at:0.0185 with:0.0174 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.6765 of:0.1421 and:0.0662 to:0.0379 in:0.0202 or:0.0151 for:0.0132 the:0.0099 with:0.0097 that:0.0091 -:0.8428 so:0.0373 not:0.0233 said:0.0158 given:0.0143 believed:0.0142 true:0.0137 now:0.0134 declared:0.0127 understood:0.0126 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -the:0.0491 :0.8942 a:0.0169 be:0.0074 this:0.0065 and:0.0063 his:0.0055 tho:0.0047 their:0.0047 is:0.0046 -:0.7078 the:0.1395 a:0.0512 and:0.0379 of:0.0165 this:0.0104 his:0.0100 is:0.0099 any:0.0088 their:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6913 the:0.1332 of:0.0431 a:0.0305 and:0.0243 in:0.0196 for:0.0178 to:0.0154 that:0.0134 with:0.0113 -:0.7723 hundred:0.1389 years:0.0172 days:0.0144 months:0.0141 of:0.0127 and:0.0103 day:0.0078 year:0.0063 men:0.0060 -:0.8694 time:0.0377 country:0.0211 year:0.0170 way:0.0165 city:0.0158 morning:0.0064 and:0.0061 week:0.0052 matter:0.0047 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -the:0.3324 :0.3974 a:0.1328 his:0.0244 their:0.0235 this:0.0208 its:0.0189 said:0.0176 tho:0.0170 an:0.0151 -:0.9105 so:0.0146 taken:0.0133 made:0.0121 and:0.0099 been:0.0091 the:0.0087 to:0.0085 put:0.0068 found:0.0066 -:0.8274 few:0.0459 great:0.0283 good:0.0264 little:0.0185 large:0.0172 long:0.0102 new:0.0092 very:0.0091 small:0.0078 -:0.8526 of:0.0410 and:0.0293 to:0.0211 in:0.0127 or:0.0112 be:0.0108 that:0.0087 as:0.0064 the:0.0063 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7530 a:0.0708 not:0.0434 to:0.0387 the:0.0255 so:0.0225 also:0.0131 very:0.0121 made:0.0117 in:0.0091 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8675 great:0.0222 little:0.0209 good:0.0198 few:0.0187 very:0.0168 large:0.0124 certain:0.0080 new:0.0076 long:0.0062 -the:0.2920 :0.5043 a:0.1055 his:0.0185 this:0.0160 was:0.0140 be:0.0135 their:0.0135 tho:0.0114 and:0.0113 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -the:0.3318 :0.5314 tho:0.0317 a:0.0302 his:0.0144 this:0.0136 our:0.0128 her:0.0126 said:0.0114 their:0.0102 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.9656 day:0.0049 the:0.0045 cent:0.0040 a:0.0040 more:0.0040 and:0.0038 of:0.0035 little:0.0029 deed:0.0028 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.9363 the:0.0101 other:0.0079 very:0.0075 great:0.0074 a:0.0071 public:0.0070 and:0.0067 same:0.0053 is:0.0046 -the:0.7289 :0.1400 tho:0.0364 a:0.0247 our:0.0140 his:0.0136 this:0.0126 per:0.0103 tbe:0.0098 their:0.0097 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8549 the:0.0445 be:0.0286 make:0.0138 pay:0.0115 get:0.0105 keep:0.0097 take:0.0093 a:0.0090 give:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8515 the:0.0504 to:0.0228 a:0.0191 and:0.0155 they:0.0096 we:0.0083 this:0.0077 he:0.0075 it:0.0074 -:0.5462 to:0.1351 of:0.0993 the:0.0806 in:0.0421 and:0.0412 a:0.0205 by:0.0166 for:0.0094 with:0.0090 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.6269 is:0.0916 will:0.0674 and:0.0435 are:0.0372 they:0.0327 we:0.0294 would:0.0255 was:0.0232 could:0.0226 -the:0.2168 :0.5628 a:0.0644 his:0.0265 that:0.0259 of:0.0252 in:0.0219 to:0.0199 and:0.0194 this:0.0171 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6008 the:0.1640 a:0.1300 of:0.0269 and:0.0180 tho:0.0134 this:0.0130 his:0.0129 every:0.0106 that:0.0104 -to:0.3898 :0.4902 will:0.0365 and:0.0301 would:0.0151 shall:0.0086 of:0.0085 should:0.0078 who:0.0068 can:0.0067 -:0.8020 of:0.0538 and:0.0354 the:0.0274 in:0.0196 to:0.0189 for:0.0152 with:0.0125 at:0.0081 on:0.0071 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8553 time:0.0432 way:0.0297 country:0.0171 year:0.0119 city:0.0118 matter:0.0096 letter:0.0083 morning:0.0074 point:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.5808 the:0.1090 a:0.1009 his:0.0581 to:0.0454 of:0.0422 and:0.0361 in:0.0122 their:0.0081 he:0.0072 -:0.6280 the:0.1338 and:0.0448 of:0.0415 is:0.0392 a:0.0373 was:0.0345 to:0.0163 be:0.0126 in:0.0121 -:0.7676 the:0.0499 and:0.0433 a:0.0347 to:0.0327 of:0.0233 that:0.0133 for:0.0128 by:0.0120 in:0.0104 -:0.6995 the:0.1662 and:0.0278 a:0.0248 to:0.0205 of:0.0177 in:0.0115 be:0.0115 he:0.0105 tho:0.0101 -:0.4660 to:0.2007 and:0.0827 of:0.0705 in:0.0463 the:0.0445 be:0.0321 was:0.0199 for:0.0193 is:0.0179 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8395 and:0.0356 is:0.0291 the:0.0266 was:0.0149 he:0.0134 of:0.0121 are:0.0111 it:0.0089 has:0.0089 -:0.7147 the:0.1276 that:0.0353 a:0.0316 it:0.0195 he:0.0185 one:0.0143 his:0.0131 we:0.0130 to:0.0124 -:0.8616 able:0.0406 made:0.0299 given:0.0123 sent:0.0104 allowed:0.0101 brought:0.0100 used:0.0085 found:0.0083 unable:0.0083 -:0.7829 to:0.0530 and:0.0343 that:0.0285 the:0.0261 a:0.0189 not:0.0173 of:0.0142 as:0.0125 in:0.0124 -:0.8671 them:0.0266 regard:0.0237 order:0.0195 him:0.0183 it:0.0113 said:0.0109 me:0.0088 us:0.0072 reference:0.0065 -:0.7244 to:0.0670 the:0.0639 of:0.0417 and:0.0338 a:0.0182 in:0.0174 is:0.0131 for:0.0105 was:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6438 to:0.0796 and:0.0696 of:0.0397 with:0.0379 for:0.0371 in:0.0370 from:0.0190 as:0.0188 the:0.0176 -:0.8948 it:0.0284 as:0.0238 not:0.0115 and:0.0087 he:0.0073 him:0.0069 is:0.0069 have:0.0062 them:0.0055 -the:0.3211 :0.4725 be:0.0636 a:0.0549 tho:0.0203 this:0.0190 his:0.0161 her:0.0122 have:0.0108 tbe:0.0096 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8620 it:0.0270 they:0.0211 we:0.0196 and:0.0166 he:0.0144 there:0.0113 who:0.0111 you:0.0110 which:0.0059 -:0.8436 the:0.0306 and:0.0295 a:0.0262 of:0.0150 is:0.0137 to:0.0128 was:0.0107 that:0.0091 as:0.0088 -:0.7003 to:0.0878 the:0.0530 of:0.0360 and:0.0350 in:0.0291 a:0.0200 that:0.0190 for:0.0108 by:0.0090 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8667 out:0.0406 one:0.0285 some:0.0114 and:0.0109 to:0.0103 line:0.0092 part:0.0084 that:0.0075 all:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6808 the:0.1808 a:0.0535 to:0.0162 of:0.0133 and:0.0130 in:0.0118 his:0.0115 this:0.0101 an:0.0089 -:0.7406 of:0.0664 and:0.0631 to:0.0327 the:0.0236 in:0.0216 that:0.0165 or:0.0133 at:0.0113 for:0.0108 -:0.7727 to:0.0608 a:0.0346 the:0.0269 of:0.0232 and:0.0211 in:0.0211 that:0.0152 for:0.0130 by:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7939 and:0.0466 of:0.0373 to:0.0303 that:0.0278 as:0.0188 which:0.0136 when:0.0122 for:0.0100 if:0.0095 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8983 and:0.0235 to:0.0219 as:0.0109 is:0.0105 the:0.0078 of:0.0073 who:0.0068 a:0.0066 was:0.0064 -:0.7094 and:0.1118 to:0.0379 of:0.0375 are:0.0227 or:0.0200 was:0.0171 is:0.0152 that:0.0146 were:0.0138 -:0.4918 to:0.1718 and:0.1390 of:0.1180 who:0.0240 or:0.0227 will:0.0102 is:0.0094 in:0.0071 but:0.0059 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6431 of:0.1819 to:0.0421 and:0.0265 in:0.0216 on:0.0215 for:0.0211 with:0.0162 a:0.0141 at:0.0119 -:0.7053 the:0.0767 is:0.0407 and:0.0349 was:0.0326 of:0.0314 a:0.0250 to:0.0224 be:0.0158 are:0.0150 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6521 the:0.1546 not:0.0532 a:0.0446 he:0.0254 it:0.0155 his:0.0153 this:0.0148 tho:0.0136 to:0.0106 -:0.8154 and:0.0607 him:0.0231 it:0.0223 them:0.0183 that:0.0182 up:0.0116 of:0.0114 to:0.0103 us:0.0087 -of:0.4621 :0.2737 in:0.0660 to:0.0555 and:0.0334 for:0.0306 from:0.0252 on:0.0216 at:0.0160 with:0.0158 -:0.7987 be:0.0659 go:0.0282 have:0.0247 not:0.0209 come:0.0194 seem:0.0140 continue:0.0116 fail:0.0089 add:0.0078 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.6781 the:0.1253 of:0.0610 a:0.0356 and:0.0239 in:0.0236 to:0.0199 for:0.0120 at:0.0106 his:0.0100 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.3889 :0.3836 a:0.0836 this:0.0373 his:0.0264 any:0.0243 tho:0.0163 their:0.0135 its:0.0132 an:0.0129 -to:0.4598 :0.4154 and:0.0347 will:0.0203 of:0.0196 in:0.0176 he:0.0088 would:0.0087 the:0.0078 may:0.0074 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -a:0.0169 the:0.0161 :0.9209 they:0.0090 it:0.0083 we:0.0078 you:0.0067 said:0.0050 all:0.0047 those:0.0046 -:0.6792 and:0.1128 to:0.0896 is:0.0341 or:0.0229 was:0.0215 of:0.0116 but:0.0099 are:0.0096 it:0.0088 -the:0.4348 a:0.1503 :0.3218 no:0.0208 per:0.0195 his:0.0127 in:0.0106 tho:0.0105 their:0.0096 an:0.0095 -:0.5036 of:0.1586 to:0.0870 and:0.0685 the:0.0510 in:0.0444 for:0.0332 with:0.0198 by:0.0171 that:0.0168 -:0.7343 a:0.0952 the:0.0775 he:0.0229 this:0.0147 that:0.0126 his:0.0122 and:0.0112 they:0.0099 no:0.0094 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.6605 to:0.1667 and:0.0419 will:0.0327 would:0.0254 the:0.0249 could:0.0129 we:0.0123 is:0.0114 was:0.0114 -:0.6859 a:0.1419 the:0.1083 no:0.0171 one:0.0112 this:0.0089 and:0.0087 an:0.0068 any:0.0056 tho:0.0055 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -the:0.2917 :0.5585 a:0.0584 tho:0.0174 this:0.0163 his:0.0158 their:0.0112 said:0.0107 an:0.0103 two:0.0097 -:0.8893 it:0.0442 there:0.0197 that:0.0121 which:0.0102 he:0.0079 and:0.0053 time:0.0041 what:0.0041 who:0.0032 -:0.7941 to:0.0557 and:0.0375 of:0.0254 the:0.0245 be:0.0174 in:0.0150 is:0.0109 not:0.0101 for:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8122 the:0.0788 a:0.0401 and:0.0166 one:0.0113 more:0.0101 of:0.0089 tho:0.0078 this:0.0073 is:0.0069 -:0.6285 the:0.1979 of:0.0520 a:0.0329 and:0.0298 to:0.0146 that:0.0139 this:0.0122 in:0.0097 his:0.0086 -the:0.2658 :0.5129 a:0.0704 that:0.0411 his:0.0209 tho:0.0197 it:0.0195 their:0.0173 to:0.0163 an:0.0160 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8726 and:0.0533 to:0.0214 is:0.0147 was:0.0091 of:0.0070 that:0.0061 or:0.0059 in:0.0050 it:0.0049 -in:0.1195 :0.5093 to:0.1003 of:0.0996 and:0.0475 for:0.0402 as:0.0296 at:0.0188 is:0.0180 from:0.0172 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.4230 of:0.1515 in:0.1016 to:0.0731 for:0.0710 by:0.0442 and:0.0441 on:0.0318 at:0.0302 that:0.0296 -:0.8760 he:0.0219 the:0.0184 a:0.0145 you:0.0130 it:0.0125 they:0.0115 and:0.0112 we:0.0111 one:0.0098 -the:0.2903 :0.5336 a:0.0525 his:0.0261 this:0.0211 he:0.0200 their:0.0179 tho:0.0143 that:0.0136 its:0.0105 -the:0.0040 habeas:0.0039 nper:0.0033 these:0.0024 those:0.0022 our:0.0020 reference:0.0020 their:0.0019 mortgages:0.0017 justice:0.0016 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.9518 same:0.0077 city:0.0073 people:0.0064 country:0.0048 work:0.0047 way:0.0045 world:0.0045 law:0.0043 government:0.0040 -:0.9154 and:0.0306 one:0.0094 is:0.0086 was:0.0080 a:0.0068 the:0.0063 to:0.0052 are:0.0051 of:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.1171 :0.7639 a:0.0225 this:0.0189 our:0.0140 tho:0.0140 any:0.0133 an:0.0127 those:0.0124 said:0.0112 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7388 to:0.0524 the:0.0465 and:0.0395 of:0.0343 is:0.0301 was:0.0221 be:0.0133 in:0.0127 for:0.0103 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -the:0.0759 this:0.0192 their:0.0172 his:0.0129 our:0.0119 its:0.0118 tho:0.0116 a:0.0101 file:0.0099 tbe:0.0082 -:0.7474 a:0.0885 the:0.0825 of:0.0228 and:0.0119 to:0.0107 tho:0.0096 in:0.0092 his:0.0088 any:0.0086 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7924 been:0.1069 not:0.0280 the:0.0156 a:0.0121 done:0.0108 that:0.0093 taken:0.0090 so:0.0084 already:0.0076 -the:0.1236 a:0.0551 :0.7357 would:0.0169 this:0.0124 be:0.0121 an:0.0120 he:0.0111 will:0.0107 his:0.0104 -:0.9404 and:0.0158 it:0.0099 the:0.0077 as:0.0052 was:0.0049 is:0.0048 that:0.0041 to:0.0039 which:0.0032 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9093 is:0.0213 was:0.0176 time:0.0142 and:0.0116 year:0.0086 city:0.0047 of:0.0045 way:0.0045 country:0.0038 -:0.9491 it:0.0098 that:0.0073 and:0.0068 to:0.0065 he:0.0061 one:0.0050 a:0.0034 be:0.0032 man:0.0030 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9219 own:0.0264 wife:0.0143 time:0.0083 way:0.0068 day:0.0056 hands:0.0048 life:0.0045 hand:0.0036 old:0.0036 -:0.8558 to:0.0362 the:0.0193 in:0.0174 for:0.0133 a:0.0123 by:0.0121 all:0.0119 with:0.0118 said:0.0099 -:0.6020 of:0.1470 in:0.0648 to:0.0344 by:0.0335 that:0.0271 and:0.0261 from:0.0230 for:0.0215 with:0.0207 -:0.8584 and:0.0446 to:0.0169 is:0.0163 was:0.0148 of:0.0128 the:0.0098 a:0.0095 are:0.0093 that:0.0076 -:0.9629 same:0.0080 following:0.0040 world:0.0040 country:0.0038 best:0.0038 house:0.0035 work:0.0035 people:0.0034 man:0.0033 -:0.9563 city:0.0074 world:0.0053 people:0.0051 year:0.0046 time:0.0045 ground:0.0044 same:0.0042 work:0.0042 state:0.0040 -:0.6187 to:0.0639 in:0.0585 was:0.0473 of:0.0469 is:0.0434 and:0.0399 for:0.0346 as:0.0245 with:0.0224 -:0.9198 day:0.0227 time:0.0112 part:0.0075 act:0.0074 matter:0.0074 one:0.0070 use:0.0058 line:0.0057 end:0.0056 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 the:0.0647 a:0.0333 not:0.0193 said:0.0186 his:0.0139 tho:0.0126 this:0.0126 her:0.0115 all:0.0106 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8466 the:0.0365 and:0.0268 is:0.0223 a:0.0151 to:0.0145 of:0.0116 was:0.0104 are:0.0081 as:0.0080 -:0.8993 day:0.0276 side:0.0135 one:0.0128 years:0.0111 line:0.0110 days:0.0093 parts:0.0052 and:0.0052 time:0.0050 -:0.7266 the:0.1899 a:0.0283 and:0.0104 any:0.0086 in:0.0083 per:0.0076 at:0.0073 of:0.0073 as:0.0057 -:0.9075 to:0.0253 as:0.0108 of:0.0106 with:0.0105 for:0.0099 and:0.0077 from:0.0062 in:0.0062 is:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -of:0.2164 :0.4182 to:0.0716 for:0.0615 with:0.0598 in:0.0524 and:0.0427 by:0.0279 is:0.0252 as:0.0243 -:0.8625 to:0.0333 in:0.0279 and:0.0156 of:0.0144 had:0.0119 was:0.0099 on:0.0087 is:0.0083 for:0.0076 -:0.9679 said:0.0047 country:0.0043 same:0.0041 public:0.0036 people:0.0035 and:0.0033 best:0.0030 time:0.0030 most:0.0025 -:0.5425 in:0.0930 of:0.0778 to:0.0646 by:0.0436 for:0.0395 on:0.0390 from:0.0379 at:0.0313 with:0.0309 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7158 in:0.0791 all:0.0345 to:0.0295 for:0.0264 at:0.0253 of:0.0237 on:0.0232 if:0.0213 by:0.0212 -:0.6925 the:0.1046 of:0.0515 and:0.0500 to:0.0299 that:0.0259 as:0.0134 a:0.0121 in:0.0117 for:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0413 a:0.0373 :0.8595 of:0.0163 his:0.0112 their:0.0084 all:0.0069 by:0.0067 be:0.0062 its:0.0061 -:0.9226 same:0.0153 most:0.0122 last:0.0111 new:0.0074 other:0.0070 great:0.0067 highest:0.0065 whole:0.0056 present:0.0056 -:0.7251 the:0.1118 a:0.0603 of:0.0293 and:0.0175 as:0.0133 that:0.0113 to:0.0108 this:0.0106 an:0.0099 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6021 of:0.1809 and:0.0614 to:0.0436 in:0.0243 that:0.0228 from:0.0172 for:0.0165 the:0.0162 or:0.0150 -the:0.3284 :0.4661 a:0.0597 he:0.0398 his:0.0261 to:0.0205 no:0.0192 they:0.0166 this:0.0123 is:0.0114 -:0.9599 city:0.0084 year:0.0064 and:0.0048 work:0.0041 time:0.0036 bill:0.0035 country:0.0033 man:0.0031 men:0.0028 -:0.6567 the:0.1603 of:0.0392 and:0.0334 a:0.0314 is:0.0251 in:0.0180 was:0.0168 his:0.0097 to:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3659 a:0.1307 tho:0.0369 its:0.0256 his:0.0242 an:0.0241 tbe:0.0235 this:0.0168 our:0.0168 their:0.0144 -:0.9268 same:0.0141 world:0.0110 city:0.0110 time:0.0070 war:0.0067 people:0.0065 country:0.0064 government:0.0055 law:0.0052 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5340 of:0.1764 to:0.1276 and:0.0676 who:0.0245 in:0.0180 the:0.0138 is:0.0133 he:0.0127 that:0.0120 -to:0.2591 :0.5258 of:0.0396 the:0.0394 and:0.0378 will:0.0348 a:0.0263 would:0.0145 in:0.0120 shall:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8296 him:0.0554 it:0.0306 them:0.0171 known:0.0134 and:0.0128 just:0.0124 so:0.0098 he:0.0098 the:0.0093 -:0.8071 to:0.0382 of:0.0331 in:0.0297 the:0.0243 and:0.0175 by:0.0164 for:0.0119 at:0.0110 that:0.0108 -:0.8628 day:0.0598 side:0.0194 line:0.0135 part:0.0111 hundred:0.0084 one:0.0065 number:0.0064 and:0.0063 sort:0.0057 -:0.7605 say:0.0802 see:0.0273 know:0.0266 believe:0.0218 show:0.0195 be:0.0185 think:0.0166 do:0.0148 get:0.0143 -:0.7641 are:0.0748 have:0.0642 were:0.0225 had:0.0217 will:0.0125 do:0.0106 be:0.0101 is:0.0099 can:0.0096 -the:0.3560 a:0.1105 :0.3793 his:0.0321 said:0.0240 tho:0.0230 an:0.0197 this:0.0187 their:0.0187 its:0.0180 -:0.9941 think:0.0008 those:0.0008 know:0.0007 be:0.0007 any:0.0006 virtue:0.0006 say:0.0006 th:0.0006 have:0.0005 -:0.6048 to:0.0915 the:0.0660 of:0.0618 in:0.0387 a:0.0385 and:0.0318 at:0.0279 for:0.0203 by:0.0186 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -the:0.3658 :0.5102 a:0.0425 this:0.0286 and:0.0106 of:0.0100 his:0.0096 tho:0.0095 said:0.0067 their:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9246 and:0.0297 was:0.0079 is:0.0071 of:0.0068 to:0.0059 went:0.0050 out:0.0048 made:0.0041 down:0.0040 -:0.6558 of:0.1413 the:0.0530 and:0.0523 in:0.0241 a:0.0161 to:0.0152 with:0.0151 for:0.0149 by:0.0122 -:0.9608 more:0.0080 and:0.0058 it:0.0058 in:0.0054 up:0.0031 of:0.0031 down:0.0028 home:0.0027 one:0.0027 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7910 the:0.0714 and:0.0360 of:0.0290 a:0.0240 is:0.0112 this:0.0107 was:0.0101 his:0.0088 that:0.0077 -the:0.2371 :0.6283 a:0.0501 two:0.0168 an:0.0128 his:0.0128 their:0.0124 tho:0.0105 he:0.0102 three:0.0089 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5635 of:0.1684 and:0.0660 to:0.0473 in:0.0403 the:0.0339 that:0.0210 for:0.0209 by:0.0201 at:0.0185 -:0.8857 few:0.0297 great:0.0200 large:0.0189 little:0.0094 good:0.0084 small:0.0075 special:0.0074 very:0.0066 new:0.0065 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.5714 of:0.1643 in:0.0519 and:0.0423 to:0.0323 at:0.0319 on:0.0303 for:0.0285 by:0.0250 with:0.0221 -:0.9398 and:0.0189 man:0.0105 time:0.0057 it:0.0054 year:0.0047 he:0.0045 is:0.0042 city:0.0033 that:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9196 same:0.0169 whole:0.0132 th:0.0106 other:0.0088 said:0.0068 most:0.0067 following:0.0059 old:0.0058 last:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9193 man:0.0240 men:0.0157 hour:0.0156 one:0.0055 time:0.0046 people:0.0040 old:0.0039 those:0.0038 persons:0.0037 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -they:0.0983 :0.6702 we:0.0585 he:0.0456 the:0.0352 you:0.0207 it:0.0198 follows:0.0180 she:0.0170 a:0.0166 -:0.6197 to:0.1813 and:0.0702 of:0.0400 that:0.0224 will:0.0170 in:0.0156 for:0.0116 at:0.0114 the:0.0106 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6731 a:0.1123 the:0.1062 that:0.0327 their:0.0162 his:0.0131 in:0.0131 and:0.0129 one:0.0105 an:0.0100 -:0.9419 man:0.0112 little:0.0088 good:0.0072 few:0.0058 large:0.0058 matter:0.0052 word:0.0048 point:0.0047 place:0.0046 -:0.9387 the:0.0165 old:0.0106 is:0.0079 a:0.0066 and:0.0057 hour:0.0037 was:0.0035 said:0.0035 of:0.0035 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6497 in:0.0789 of:0.0572 to:0.0567 for:0.0364 with:0.0322 and:0.0262 by:0.0245 on:0.0210 at:0.0172 -:0.6374 be:0.0850 as:0.0437 in:0.0422 to:0.0407 for:0.0337 that:0.0335 and:0.0292 is:0.0275 have:0.0272 -:0.8709 they:0.0262 we:0.0192 as:0.0188 who:0.0169 which:0.0120 and:0.0119 men:0.0097 there:0.0090 people:0.0055 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.7923 had:0.0430 have:0.0329 is:0.0294 came:0.0248 are:0.0211 went:0.0208 ought:0.0132 seemed:0.0115 began:0.0109 -per:0.7284 the:0.0574 :0.1503 a:0.0284 nper:0.0189 any:0.0042 three:0.0032 two:0.0032 few:0.0031 six:0.0030 -:0.9258 and:0.0231 to:0.0117 went:0.0064 that:0.0064 it:0.0062 came:0.0055 is:0.0053 as:0.0049 which:0.0047 -:0.6511 of:0.1286 and:0.0537 the:0.0462 to:0.0306 in:0.0247 or:0.0236 a:0.0147 for:0.0146 that:0.0122 -to:0.5624 :0.2803 and:0.0413 of:0.0232 was:0.0225 is:0.0199 in:0.0167 for:0.0165 will:0.0090 or:0.0082 -:0.9114 and:0.0259 the:0.0127 it:0.0106 one:0.0072 is:0.0072 was:0.0066 who:0.0065 that:0.0064 as:0.0055 -:0.7227 the:0.1517 a:0.0437 his:0.0156 said:0.0135 this:0.0123 tho:0.0115 their:0.0103 all:0.0100 such:0.0086 -:0.8213 the:0.0386 and:0.0278 to:0.0251 that:0.0196 of:0.0195 in:0.0150 he:0.0118 a:0.0112 for:0.0099 -:0.8710 to:0.0291 and:0.0264 the:0.0199 of:0.0196 in:0.0077 as:0.0072 was:0.0070 said:0.0062 it:0.0059 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6960 to:0.1359 and:0.0421 was:0.0275 is:0.0251 of:0.0237 will:0.0151 in:0.0127 the:0.0116 for:0.0103 -:0.8105 and:0.0781 to:0.0549 of:0.0099 or:0.0096 but:0.0093 is:0.0092 as:0.0077 out:0.0055 was:0.0053 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.4155 :0.3507 a:0.1033 their:0.0347 his:0.0255 tho:0.0229 its:0.0140 our:0.0116 tbe:0.0115 this:0.0103 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.2474 :0.4543 a:0.1226 his:0.0525 that:0.0327 this:0.0238 to:0.0221 their:0.0170 tho:0.0146 no:0.0130 -:0.7628 the:0.0714 he:0.0463 a:0.0216 they:0.0206 it:0.0201 one:0.0190 this:0.0139 and:0.0128 we:0.0115 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -hereby:0.0819 not:0.0135 no:0.0099 very:0.0099 the:0.0067 nper:0.0066 hardly:0.0049 a:0.0049 still:0.0037 now:0.0036 -:0.6938 the:0.0679 to:0.0605 and:0.0476 of:0.0392 a:0.0241 is:0.0206 in:0.0189 was:0.0158 that:0.0115 -:0.8171 and:0.0605 of:0.0333 but:0.0231 that:0.0145 to:0.0132 in:0.0118 him:0.0113 for:0.0081 them:0.0073 -:0.8070 a:0.0470 and:0.0248 the:0.0226 he:0.0225 to:0.0185 be:0.0182 not:0.0162 it:0.0125 is:0.0106 -the:0.3010 :0.5798 this:0.0224 a:0.0210 tho:0.0207 his:0.0172 it:0.0139 her:0.0091 said:0.0080 he:0.0070 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5226 of:0.1373 in:0.0885 to:0.0675 for:0.0431 by:0.0307 that:0.0301 on:0.0281 with:0.0261 at:0.0259 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -a:0.0741 hereby:0.0490 not:0.0452 no:0.0379 the:0.0265 very:0.0161 an:0.0150 so:0.0101 now:0.0084 :0.7176 -:0.9575 own:0.0190 fathers:0.0034 the:0.0033 whole:0.0031 good:0.0030 sale:0.0029 full:0.0028 friends:0.0025 one:0.0024 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.4500 :0.3496 a:0.0761 his:0.0311 their:0.0230 tho:0.0180 this:0.0171 its:0.0137 our:0.0115 that:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9759 the:0.0051 to:0.0037 more:0.0031 and:0.0028 a:0.0025 will:0.0020 be:0.0019 would:0.0015 much:0.0015 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7959 the:0.0597 to:0.0439 a:0.0245 and:0.0207 of:0.0164 was:0.0113 be:0.0104 been:0.0102 for:0.0071 -:0.6492 of:0.1140 to:0.0561 in:0.0549 for:0.0307 from:0.0236 and:0.0215 on:0.0172 with:0.0165 as:0.0163 -be:0.3377 :0.4294 not:0.0970 have:0.0374 bo:0.0306 the:0.0194 take:0.0187 a:0.0136 make:0.0085 do:0.0078 -:0.8570 of:0.0315 and:0.0277 to:0.0201 the:0.0189 that:0.0152 in:0.0113 for:0.0066 be:0.0062 or:0.0055 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.8711 the:0.0435 and:0.0336 that:0.0134 of:0.0077 this:0.0069 as:0.0066 it:0.0063 a:0.0055 is:0.0055 -:0.9135 fact:0.0270 year:0.0110 man:0.0081 point:0.0071 word:0.0071 thing:0.0071 time:0.0068 week:0.0061 matter:0.0061 -:0.9516 said:0.0083 time:0.0063 best:0.0052 city:0.0052 other:0.0050 whole:0.0049 most:0.0047 case:0.0045 public:0.0042 -:0.5767 to:0.0827 of:0.0760 that:0.0731 and:0.0565 the:0.0466 in:0.0271 by:0.0211 for:0.0209 which:0.0194 -:0.8130 was:0.0324 of:0.0287 is:0.0269 and:0.0249 to:0.0199 the:0.0144 would:0.0138 has:0.0135 in:0.0124 -:0.6412 of:0.0949 the:0.0897 and:0.0439 to:0.0347 that:0.0274 a:0.0228 in:0.0201 or:0.0131 for:0.0121 -:0.5438 of:0.2052 to:0.0754 and:0.0687 in:0.0245 or:0.0194 for:0.0194 the:0.0186 with:0.0128 by:0.0122 -:0.7720 the:0.0581 to:0.0481 of:0.0427 and:0.0259 that:0.0160 in:0.0130 which:0.0101 a:0.0071 by:0.0070 -:0.8581 made:0.0408 found:0.0206 done:0.0129 placed:0.0118 engaged:0.0116 put:0.0116 used:0.0116 held:0.0108 paid:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6758 to:0.0695 the:0.0658 and:0.0537 so:0.0359 a:0.0314 as:0.0196 is:0.0171 not:0.0156 are:0.0154 -:0.7551 is:0.0675 and:0.0550 was:0.0391 of:0.0190 to:0.0166 the:0.0149 are:0.0129 be:0.0110 a:0.0089 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8615 of:0.0334 to:0.0261 and:0.0226 the:0.0155 that:0.0107 in:0.0089 as:0.0082 or:0.0071 a:0.0061 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6693 of:0.0702 to:0.0512 and:0.0512 the:0.0511 in:0.0327 that:0.0250 for:0.0185 by:0.0175 at:0.0132 -:0.8610 doubt:0.0400 longer:0.0198 more:0.0192 other:0.0169 and:0.0117 time:0.0103 less:0.0085 to:0.0077 he:0.0047 -:0.5010 of:0.2424 and:0.0491 to:0.0484 in:0.0388 the:0.0369 or:0.0291 at:0.0207 for:0.0196 with:0.0141 -:0.8432 the:0.0299 not:0.0296 a:0.0279 to:0.0225 in:0.0117 and:0.0110 of:0.0102 made:0.0072 it:0.0069 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.8184 the:0.0785 a:0.0286 no:0.0122 his:0.0115 any:0.0112 two:0.0106 in:0.0102 all:0.0095 other:0.0094 -:0.8803 of:0.0367 and:0.0319 to:0.0110 in:0.0097 the:0.0073 for:0.0064 by:0.0062 on:0.0054 with:0.0052 -:0.6787 to:0.0983 in:0.0417 and:0.0395 a:0.0307 of:0.0268 for:0.0245 that:0.0229 by:0.0227 with:0.0142 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7172 of:0.1587 and:0.0502 in:0.0205 to:0.0157 on:0.0089 for:0.0086 from:0.0073 with:0.0071 by:0.0058 -:0.8618 of:0.0321 the:0.0278 and:0.0236 in:0.0155 a:0.0135 is:0.0075 or:0.0062 to:0.0060 all:0.0060 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -to:0.2776 :0.5372 and:0.0443 will:0.0402 would:0.0255 can:0.0187 could:0.0169 is:0.0168 should:0.0114 we:0.0113 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.9012 the:0.0225 and:0.0144 be:0.0109 was:0.0107 a:0.0095 is:0.0095 have:0.0080 are:0.0070 as:0.0064 -been:0.0922 gone:0.0129 no:0.0119 come:0.0090 ever:0.0078 beeu:0.0073 grown:0.0073 fallen:0.0070 already:0.0066 never:0.0046 -:0.8080 he:0.0385 the:0.0359 not:0.0339 a:0.0216 it:0.0164 we:0.0132 they:0.0127 so:0.0100 that:0.0097 -the:0.2133 :0.5519 a:0.1014 his:0.0395 their:0.0233 any:0.0176 tho:0.0141 this:0.0135 her:0.0131 its:0.0122 -:0.7780 of:0.0690 the:0.0446 and:0.0304 in:0.0171 to:0.0167 that:0.0149 a:0.0114 for:0.0093 or:0.0087 -of:0.2383 :0.4375 in:0.0777 to:0.0582 for:0.0539 and:0.0409 from:0.0258 on:0.0257 at:0.0219 that:0.0202 -:0.5752 the:0.3086 a:0.0396 his:0.0176 tho:0.0153 this:0.0137 their:0.0086 it:0.0078 our:0.0070 an:0.0065 -:0.7902 a:0.0650 and:0.0341 the:0.0295 that:0.0213 of:0.0198 one:0.0152 as:0.0091 his:0.0088 he:0.0072 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9422 not:0.0164 it:0.0080 made:0.0067 to:0.0060 and:0.0057 he:0.0040 more:0.0038 out:0.0037 that:0.0034 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.7597 and:0.0533 the:0.0391 of:0.0324 is:0.0298 was:0.0286 a:0.0256 to:0.0114 be:0.0113 for:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6688 and:0.0632 that:0.0521 which:0.0377 as:0.0364 of:0.0352 who:0.0340 to:0.0270 but:0.0247 when:0.0209 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9055 him:0.0177 it:0.0153 up:0.0143 them:0.0112 and:0.0112 as:0.0098 that:0.0059 feet:0.0047 right:0.0044 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8602 and:0.0304 of:0.0243 the:0.0213 to:0.0151 that:0.0128 in:0.0122 as:0.0090 for:0.0080 have:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.7697 went:0.0508 had:0.0480 is:0.0286 was:0.0270 came:0.0208 began:0.0189 seemed:0.0146 ought:0.0119 has:0.0097 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.5752 the:0.3086 a:0.0396 his:0.0176 tho:0.0153 this:0.0137 their:0.0086 it:0.0078 our:0.0070 an:0.0065 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.8973 same:0.0194 most:0.0191 other:0.0131 great:0.0107 whole:0.0093 first:0.0087 th:0.0077 public:0.0074 best:0.0073 -:0.7504 the:0.0808 and:0.0437 a:0.0357 is:0.0212 of:0.0190 was:0.0151 to:0.0138 be:0.0118 or:0.0086 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.6786 of:0.0697 and:0.0554 to:0.0491 in:0.0429 is:0.0332 was:0.0259 for:0.0185 with:0.0137 or:0.0129 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.6554 and:0.1260 to:0.0636 of:0.0587 or:0.0198 in:0.0191 for:0.0182 as:0.0163 that:0.0116 was:0.0114 -:0.6356 the:0.1710 of:0.0444 a:0.0393 to:0.0317 in:0.0225 and:0.0225 at:0.0153 his:0.0089 or:0.0087 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.6183 the:0.1225 a:0.0932 is:0.0376 was:0.0270 and:0.0268 his:0.0213 of:0.0203 be:0.0171 are:0.0158 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6258 the:0.1416 a:0.0546 to:0.0467 of:0.0453 and:0.0381 in:0.0204 his:0.0107 was:0.0088 tho:0.0079 -:0.7895 of:0.0779 and:0.0334 in:0.0188 the:0.0166 to:0.0156 is:0.0136 a:0.0127 that:0.0118 at:0.0101 -:0.6277 to:0.0945 the:0.0638 of:0.0458 and:0.0351 in:0.0329 a:0.0297 by:0.0274 for:0.0227 that:0.0205 -:0.8926 the:0.0270 a:0.0149 and:0.0119 he:0.0110 more:0.0097 per:0.0092 or:0.0086 that:0.0079 be:0.0073 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.8073 and:0.0356 that:0.0333 of:0.0300 as:0.0197 for:0.0174 in:0.0171 with:0.0144 which:0.0130 to:0.0122 -:0.6880 and:0.0728 of:0.0608 the:0.0426 in:0.0346 was:0.0244 is:0.0231 to:0.0192 for:0.0176 have:0.0169 -:0.8032 the:0.0659 a:0.0316 to:0.0217 that:0.0193 and:0.0185 in:0.0135 of:0.0109 as:0.0077 so:0.0076 -:0.8869 order:0.0173 efforts:0.0158 way:0.0151 right:0.0138 power:0.0125 time:0.0103 duty:0.0101 wife:0.0095 feet:0.0087 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8462 and:0.0397 the:0.0367 of:0.0181 is:0.0125 he:0.0122 in:0.0110 a:0.0080 was:0.0080 to:0.0077 -:0.6120 the:0.2507 a:0.0363 it:0.0190 his:0.0189 tho:0.0168 all:0.0128 their:0.0122 which:0.0107 that:0.0107 -:0.6033 the:0.2212 this:0.0360 a:0.0330 of:0.0315 and:0.0216 his:0.0204 in:0.0113 tho:0.0109 to:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7824 the:0.0932 a:0.0328 that:0.0245 said:0.0178 his:0.0111 its:0.0100 if:0.0098 tho:0.0096 so:0.0088 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.6434 the:0.1303 a:0.0616 of:0.0555 to:0.0358 and:0.0256 in:0.0182 for:0.0109 at:0.0095 by:0.0091 -:0.8807 and:0.0355 to:0.0306 the:0.0097 will:0.0091 was:0.0084 is:0.0083 of:0.0063 that:0.0058 or:0.0056 -:0.9365 large:0.0138 little:0.0094 and:0.0089 hundred:0.0061 much:0.0058 a:0.0057 few:0.0050 well:0.0046 of:0.0042 -:0.8144 of:0.0514 the:0.0468 and:0.0274 in:0.0135 a:0.0125 to:0.0094 as:0.0085 for:0.0085 that:0.0076 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7760 and:0.0450 of:0.0415 to:0.0333 the:0.0333 for:0.0173 in:0.0142 that:0.0135 with:0.0131 a:0.0128 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7065 of:0.0818 the:0.0647 and:0.0483 to:0.0197 or:0.0176 in:0.0169 a:0.0156 he:0.0146 which:0.0144 -:0.8040 it:0.0287 we:0.0252 and:0.0251 they:0.0229 he:0.0229 who:0.0194 that:0.0182 as:0.0169 which:0.0168 -the:0.3515 :0.4239 a:0.0896 that:0.0409 this:0.0256 their:0.0196 his:0.0155 any:0.0138 tho:0.0103 and:0.0092 -the:0.0409 :0.8891 a:0.0139 be:0.0124 this:0.0098 is:0.0080 tho:0.0076 was:0.0067 his:0.0059 our:0.0056 -:0.9014 and:0.0249 to:0.0133 is:0.0116 him:0.0114 up:0.0103 out:0.0086 was:0.0067 made:0.0062 them:0.0057 -:0.8591 to:0.0334 of:0.0278 and:0.0249 in:0.0151 the:0.0124 more:0.0089 on:0.0064 that:0.0064 by:0.0056 -:0.6395 the:0.1408 be:0.0753 not:0.0353 a:0.0342 to:0.0207 per:0.0145 bo:0.0142 two:0.0138 in:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9157 good:0.0159 man:0.0118 great:0.0109 few:0.0107 little:0.0097 large:0.0074 long:0.0073 very:0.0055 dozen:0.0050 -:0.8922 and:0.0299 of:0.0254 to:0.0166 who:0.0096 they:0.0063 he:0.0061 will:0.0050 we:0.0047 in:0.0042 -:0.6493 of:0.1179 and:0.0885 to:0.0332 in:0.0311 for:0.0222 or:0.0177 at:0.0149 the:0.0136 on:0.0116 -of:0.2029 to:0.1879 :0.3563 in:0.0855 and:0.0347 for:0.0327 at:0.0291 on:0.0265 from:0.0230 that:0.0214 -:0.9766 hundred:0.0034 more:0.0031 it:0.0030 day:0.0026 time:0.0025 land:0.0024 city:0.0022 place:0.0022 men:0.0021 -:0.6747 a:0.0877 been:0.0812 the:0.0384 to:0.0353 not:0.0293 no:0.0258 and:0.0106 that:0.0089 had:0.0082 -:0.8778 of:0.0270 and:0.0263 the:0.0241 years:0.0127 or:0.0083 days:0.0070 in:0.0061 which:0.0057 other:0.0051 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8634 go:0.0317 have:0.0238 went:0.0172 be:0.0154 come:0.0139 not:0.0116 came:0.0086 continue:0.0076 seem:0.0067 -the:0.0059 this:0.0036 these:0.0034 directors:0.0031 foreclosure:0.0031 congress:0.0030 thousands:0.0026 agriculture:0.0025 humanity:0.0024 tho:0.0024 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7150 of:0.1027 and:0.0402 that:0.0317 in:0.0296 for:0.0177 on:0.0170 with:0.0159 from:0.0154 by:0.0149 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7723 and:0.0713 to:0.0492 of:0.0373 in:0.0175 for:0.0143 that:0.0113 with:0.0096 by:0.0087 as:0.0085 -:0.8278 the:0.0650 a:0.0257 to:0.0211 and:0.0145 of:0.0127 in:0.0110 not:0.0093 that:0.0074 all:0.0055 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -of:0.2692 to:0.1004 in:0.0742 at:0.0552 with:0.0524 by:0.0511 on:0.0510 for:0.0434 and:0.0406 :0.2626 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5130 to:0.1781 the:0.0735 in:0.0575 a:0.0492 of:0.0416 and:0.0287 for:0.0260 by:0.0165 with:0.0159 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7813 very:0.0394 great:0.0380 good:0.0273 the:0.0253 a:0.0220 little:0.0216 large:0.0208 few:0.0132 certain:0.0110 -:0.7182 of:0.0737 and:0.0665 the:0.0276 is:0.0245 in:0.0230 to:0.0223 was:0.0189 are:0.0136 for:0.0116 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.8300 made:0.0332 held:0.0254 found:0.0246 used:0.0174 paid:0.0160 done:0.0156 placed:0.0153 given:0.0114 sold:0.0111 -of:0.2075 :0.5299 to:0.0762 and:0.0394 for:0.0345 with:0.0308 in:0.0236 by:0.0201 that:0.0197 the:0.0183 -has:0.2879 have:0.2061 had:0.1579 :0.2896 having:0.0250 lias:0.0107 not:0.0077 and:0.0059 the:0.0047 bad:0.0043 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.4931 a:0.1306 :0.2300 his:0.0362 tho:0.0262 this:0.0232 their:0.0189 any:0.0176 said:0.0133 our:0.0108 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8206 of:0.0395 and:0.0378 the:0.0244 to:0.0177 is:0.0138 or:0.0123 a:0.0119 was:0.0114 be:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9239 of:0.0186 in:0.0117 to:0.0082 more:0.0078 and:0.0072 for:0.0062 the:0.0060 as:0.0053 on:0.0052 -:0.9261 to:0.0216 the:0.0102 and:0.0100 hand:0.0070 in:0.0059 of:0.0057 own:0.0053 home:0.0043 for:0.0038 -:0.6786 and:0.0848 of:0.0693 to:0.0670 in:0.0299 for:0.0164 the:0.0152 from:0.0150 or:0.0127 on:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7425 of:0.1356 and:0.0311 hundred:0.0199 to:0.0192 or:0.0156 in:0.0120 the:0.0085 is:0.0083 that:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8064 of:0.0634 and:0.0402 the:0.0278 to:0.0161 in:0.0157 or:0.0087 a:0.0076 for:0.0071 at:0.0070 -:0.9480 men:0.0080 time:0.0074 they:0.0070 which:0.0065 who:0.0053 and:0.0047 city:0.0046 people:0.0045 day:0.0039 -:0.8188 and:0.0431 to:0.0287 of:0.0245 the:0.0224 in:0.0147 a:0.0138 is:0.0131 for:0.0108 was:0.0102 -:0.7679 and:0.0946 of:0.0324 but:0.0213 that:0.0199 is:0.0179 to:0.0151 than:0.0116 in:0.0104 or:0.0088 -:0.7160 they:0.0793 we:0.0658 there:0.0587 who:0.0176 you:0.0162 he:0.0151 it:0.0117 then:0.0110 that:0.0087 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -of:0.1186 :0.4750 in:0.0763 to:0.0735 for:0.0637 with:0.0608 and:0.0452 as:0.0387 by:0.0269 is:0.0212 -of:0.2729 :0.3913 in:0.0863 to:0.0525 by:0.0390 for:0.0388 from:0.0340 on:0.0330 at:0.0283 with:0.0239 -:0.8215 the:0.0416 and:0.0407 was:0.0192 is:0.0178 of:0.0138 to:0.0118 a:0.0113 be:0.0111 are:0.0111 -:0.6087 of:0.1404 the:0.0807 in:0.0473 for:0.0263 and:0.0229 that:0.0195 at:0.0185 is:0.0183 to:0.0174 -:0.5486 is:0.1313 does:0.0473 was:0.0454 will:0.0448 could:0.0383 they:0.0379 he:0.0368 did:0.0354 are:0.0343 -:0.8933 the:0.0436 a:0.0226 all:0.0078 we:0.0076 that:0.0057 then:0.0052 they:0.0048 more:0.0048 one:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7352 of:0.0595 the:0.0425 and:0.0383 a:0.0364 to:0.0290 for:0.0187 in:0.0145 or:0.0141 is:0.0117 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7562 to:0.0746 and:0.0482 the:0.0249 is:0.0196 was:0.0169 he:0.0168 who:0.0165 will:0.0147 of:0.0116 -as:0.0179 so:0.0147 is:0.0142 and:0.0127 not:0.0125 be:0.0111 has:0.0110 he:0.0107 have:0.0102 was:0.0097 -:0.6141 has:0.1646 had:0.1171 have:0.0324 having:0.0291 and:0.0139 as:0.0086 lias:0.0082 the:0.0066 that:0.0055 -:0.7622 the:0.0505 and:0.0468 to:0.0366 a:0.0249 was:0.0188 will:0.0178 would:0.0147 is:0.0143 who:0.0134 -:0.7750 and:0.0550 to:0.0436 the:0.0357 of:0.0280 a:0.0253 is:0.0112 as:0.0100 or:0.0084 was:0.0079 -:0.7453 a:0.0670 the:0.0656 and:0.0405 of:0.0264 to:0.0135 was:0.0117 is:0.0115 be:0.0106 in:0.0079 -:0.5700 of:0.1261 in:0.0705 and:0.0530 to:0.0514 for:0.0381 with:0.0263 that:0.0243 on:0.0224 by:0.0179 -of:0.1955 :0.4853 in:0.0814 to:0.0648 for:0.0391 and:0.0387 on:0.0286 that:0.0240 as:0.0215 with:0.0212 -:0.7784 of:0.0484 the:0.0467 and:0.0426 a:0.0309 to:0.0133 in:0.0111 or:0.0103 for:0.0099 that:0.0083 -:0.9063 hour:0.0355 side:0.0107 end:0.0087 day:0.0086 act:0.0078 office:0.0074 amount:0.0060 part:0.0048 opportunity:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9519 same:0.0128 city:0.0060 world:0.0043 law:0.0043 said:0.0043 whole:0.0042 best:0.0041 people:0.0041 government:0.0039 -:0.7100 of:0.0729 and:0.0508 the:0.0386 a:0.0367 is:0.0259 to:0.0208 as:0.0175 was:0.0135 for:0.0132 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9407 people:0.0095 city:0.0090 world:0.0073 law:0.0072 same:0.0062 case:0.0055 government:0.0053 country:0.0046 bill:0.0046 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.6668 the:0.1798 a:0.0523 of:0.0250 and:0.0206 was:0.0135 tho:0.0115 is:0.0108 be:0.0105 this:0.0093 -:0.8014 and:0.0622 to:0.0264 was:0.0231 of:0.0186 or:0.0166 is:0.0155 he:0.0141 a:0.0111 who:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6600 the:0.1483 a:0.0479 and:0.0454 of:0.0362 to:0.0288 in:0.0098 this:0.0083 tho:0.0082 or:0.0072 -:0.7045 the:0.1223 of:0.0490 and:0.0299 a:0.0238 in:0.0211 to:0.0200 his:0.0134 their:0.0087 for:0.0073 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -of:0.2940 :0.4382 to:0.0719 and:0.0644 in:0.0448 for:0.0249 as:0.0199 or:0.0143 on:0.0140 from:0.0137 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.6046 to:0.1207 of:0.0966 the:0.0429 in:0.0310 a:0.0284 and:0.0254 for:0.0170 that:0.0168 by:0.0166 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -of:0.1742 the:0.1437 :0.3944 in:0.0872 is:0.0592 was:0.0362 and:0.0347 to:0.0332 for:0.0208 a:0.0164 -:0.8604 not:0.0380 to:0.0233 and:0.0143 that:0.0123 of:0.0119 the:0.0118 we:0.0108 one:0.0089 will:0.0082 -:0.7614 of:0.0658 in:0.0382 and:0.0293 the:0.0256 that:0.0174 with:0.0167 to:0.0160 a:0.0149 at:0.0148 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9619 and:0.0093 interest:0.0043 him:0.0040 men:0.0039 that:0.0037 work:0.0035 them:0.0033 home:0.0032 land:0.0029 -:0.7982 him:0.0666 them:0.0491 it:0.0208 up:0.0191 us:0.0129 me:0.0114 able:0.0098 as:0.0073 feet:0.0048 -:0.7419 the:0.0687 to:0.0433 and:0.0366 of:0.0347 a:0.0222 is:0.0147 in:0.0131 was:0.0126 be:0.0123 -:0.6535 of:0.1637 and:0.0556 to:0.0374 in:0.0230 for:0.0198 the:0.0123 with:0.0118 on:0.0116 a:0.0113 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.6760 the:0.1414 and:0.0403 of:0.0388 a:0.0346 to:0.0244 his:0.0179 their:0.0100 in:0.0093 tho:0.0073 -:0.5816 of:0.1980 and:0.0661 to:0.0314 in:0.0262 as:0.0230 is:0.0230 for:0.0201 was:0.0177 or:0.0128 -:0.6650 to:0.0982 the:0.0511 of:0.0447 and:0.0379 in:0.0312 a:0.0236 by:0.0194 for:0.0159 with:0.0129 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8086 and:0.0362 is:0.0350 was:0.0220 to:0.0191 has:0.0182 have:0.0177 had:0.0173 of:0.0133 are:0.0127 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7146 the:0.1316 to:0.0387 a:0.0380 and:0.0255 of:0.0138 in:0.0097 his:0.0097 is:0.0093 this:0.0091 -the:0.3818 :0.4028 his:0.0515 a:0.0408 be:0.0364 this:0.0239 tho:0.0213 their:0.0195 its:0.0120 her:0.0099 -:0.8249 the:0.0368 is:0.0312 and:0.0312 was:0.0236 be:0.0184 have:0.0089 to:0.0086 are:0.0083 or:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -the:0.2182 a:0.0513 tho:0.0410 :0.5577 least:0.0312 this:0.0265 any:0.0214 his:0.0189 tbe:0.0170 their:0.0170 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8815 of:0.0249 to:0.0213 in:0.0188 and:0.0161 be:0.0121 on:0.0089 than:0.0056 for:0.0054 from:0.0053 -:0.8522 to:0.0411 and:0.0335 of:0.0200 is:0.0134 will:0.0106 as:0.0084 in:0.0078 that:0.0072 for:0.0059 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -to:0.0665 for:0.0639 of:0.0615 in:0.0552 :0.6100 on:0.0323 from:0.0290 with:0.0289 and:0.0288 by:0.0240 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9167 the:0.0275 a:0.0101 own:0.0094 and:0.0093 of:0.0079 hand:0.0056 home:0.0048 life:0.0044 to:0.0043 -to:0.3047 :0.5113 will:0.0510 and:0.0486 would:0.0224 should:0.0147 can:0.0140 shall:0.0130 could:0.0101 was:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.6745 the:0.2006 a:0.0283 this:0.0221 tho:0.0168 his:0.0164 he:0.0149 their:0.0104 these:0.0089 one:0.0071 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8445 that:0.0464 and:0.0190 as:0.0173 so:0.0171 to:0.0130 is:0.0116 not:0.0106 are:0.0105 all:0.0100 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6199 and:0.0958 to:0.0810 of:0.0744 the:0.0266 that:0.0251 in:0.0218 or:0.0191 as:0.0188 for:0.0175 -:0.7556 the:0.0435 that:0.0418 not:0.0323 a:0.0321 he:0.0287 be:0.0279 and:0.0156 it:0.0141 of:0.0083 -:0.8929 the:0.0188 them:0.0157 him:0.0130 put:0.0121 and:0.0113 a:0.0098 made:0.0092 so:0.0090 it:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7848 the:0.0628 be:0.0389 make:0.0227 give:0.0204 pay:0.0171 take:0.0169 see:0.0136 get:0.0117 a:0.0113 -:0.6867 the:0.1711 a:0.0454 he:0.0257 all:0.0134 this:0.0133 tho:0.0129 is:0.0127 one:0.0097 in:0.0092 -:0.6661 of:0.0701 in:0.0646 to:0.0593 on:0.0311 that:0.0256 for:0.0240 by:0.0217 and:0.0188 at:0.0187 -:0.6176 of:0.1830 and:0.0757 in:0.0268 to:0.0248 the:0.0221 or:0.0133 are:0.0129 for:0.0122 with:0.0116 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7848 and:0.0493 of:0.0436 to:0.0250 the:0.0227 in:0.0193 for:0.0157 a:0.0143 was:0.0135 is:0.0118 -:0.7604 of:0.0562 and:0.0372 is:0.0343 to:0.0343 in:0.0286 was:0.0172 for:0.0118 are:0.0103 with:0.0096 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5809 to:0.0921 of:0.0646 for:0.0509 in:0.0457 and:0.0451 by:0.0371 with:0.0367 from:0.0256 as:0.0213 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.6449 the:0.1597 and:0.0439 of:0.0409 to:0.0350 a:0.0300 in:0.0154 will:0.0103 his:0.0103 or:0.0096 -:0.6564 the:0.1657 a:0.0395 of:0.0345 in:0.0285 and:0.0261 is:0.0144 tho:0.0121 this:0.0119 his:0.0108 -:0.9003 of:0.0169 at:0.0142 and:0.0112 in:0.0112 for:0.0102 is:0.0096 that:0.0095 as:0.0086 was:0.0083 -:0.7289 of:0.0956 to:0.0486 in:0.0301 and:0.0284 at:0.0191 the:0.0185 is:0.0115 from:0.0098 on:0.0095 -:0.6710 the:0.1380 a:0.0959 and:0.0282 of:0.0119 his:0.0117 be:0.0116 tho:0.0112 was:0.0106 their:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1776 :0.5707 and:0.0558 is:0.0460 the:0.0309 to:0.0286 a:0.0245 in:0.0242 was:0.0218 or:0.0200 -:0.8587 time:0.0211 part:0.0202 day:0.0190 kind:0.0186 city:0.0157 matter:0.0130 sort:0.0120 way:0.0115 case:0.0101 -:0.6154 the:0.1897 a:0.0661 of:0.0263 this:0.0241 and:0.0220 to:0.0202 his:0.0146 no:0.0110 any:0.0105 -:0.6398 to:0.0756 for:0.0593 of:0.0590 in:0.0367 that:0.0362 by:0.0294 with:0.0255 and:0.0202 on:0.0184 -:0.8400 to:0.0420 and:0.0356 the:0.0212 in:0.0150 that:0.0105 of:0.0096 for:0.0094 a:0.0092 all:0.0075 -:0.7121 the:0.1047 a:0.0457 and:0.0395 of:0.0288 is:0.0200 was:0.0155 his:0.0152 in:0.0102 tho:0.0083 -:0.6343 of:0.1712 and:0.0577 to:0.0380 in:0.0298 for:0.0186 from:0.0151 the:0.0140 by:0.0111 with:0.0103 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8769 and:0.0338 of:0.0205 to:0.0145 the:0.0125 a:0.0103 it:0.0087 in:0.0079 that:0.0075 which:0.0074 -:0.9032 him:0.0233 them:0.0177 it:0.0111 order:0.0091 me:0.0086 us:0.0078 regard:0.0071 said:0.0064 as:0.0059 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7527 and:0.0635 of:0.0618 the:0.0312 in:0.0218 for:0.0175 that:0.0174 a:0.0131 to:0.0110 as:0.0100 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8514 of:0.0302 the:0.0285 and:0.0168 he:0.0157 in:0.0142 a:0.0130 to:0.0123 is:0.0104 be:0.0075 -:0.9307 and:0.0218 is:0.0096 that:0.0065 it:0.0064 up:0.0060 but:0.0054 home:0.0052 him:0.0044 was:0.0039 -:0.8664 and:0.0332 up:0.0200 or:0.0140 engaged:0.0129 forth:0.0112 it:0.0110 him:0.0107 out:0.0105 them:0.0101 -the:0.1331 :0.7884 a:0.0181 and:0.0116 this:0.0101 have:0.0096 his:0.0076 had:0.0073 of:0.0073 be:0.0069 -:0.6734 of:0.1057 in:0.0575 to:0.0368 for:0.0316 and:0.0277 with:0.0186 on:0.0175 is:0.0156 at:0.0155 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.8394 in:0.0419 of:0.0376 to:0.0151 the:0.0144 for:0.0137 a:0.0129 by:0.0096 from:0.0080 all:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.6058 :0.2264 a:0.0431 this:0.0383 tho:0.0371 his:0.0125 our:0.0125 their:0.0106 these:0.0069 her:0.0068 -:0.8119 and:0.0324 he:0.0278 the:0.0231 was:0.0204 is:0.0203 of:0.0198 be:0.0178 have:0.0141 or:0.0124 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9405 man:0.0121 that:0.0089 good:0.0089 time:0.0070 day:0.0054 fact:0.0051 moment:0.0043 bill:0.0040 great:0.0039 -:0.9172 and:0.0295 of:0.0102 that:0.0072 a:0.0066 the:0.0065 to:0.0063 are:0.0057 or:0.0056 is:0.0051 -:0.6150 of:0.1792 and:0.0863 to:0.0236 that:0.0235 the:0.0169 in:0.0165 is:0.0139 for:0.0131 or:0.0120 -:0.8231 and:0.0399 of:0.0342 the:0.0241 to:0.0193 in:0.0159 a:0.0133 is:0.0102 are:0.0100 that:0.0099 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.8234 to:0.0420 the:0.0300 and:0.0274 in:0.0139 was:0.0130 of:0.0130 he:0.0127 is:0.0127 be:0.0119 -:0.9118 time:0.0174 is:0.0150 and:0.0113 year:0.0109 was:0.0085 way:0.0085 city:0.0060 of:0.0059 country:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8663 to:0.0296 we:0.0223 it:0.0200 who:0.0146 they:0.0138 and:0.0102 more:0.0089 you:0.0087 he:0.0057 -:0.6695 is:0.0550 and:0.0493 was:0.0460 to:0.0443 as:0.0384 the:0.0352 so:0.0269 are:0.0201 of:0.0153 -:0.6966 the:0.1415 and:0.0256 a:0.0231 to:0.0229 of:0.0223 is:0.0205 in:0.0194 was:0.0188 be:0.0094 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7610 the:0.1199 a:0.0323 of:0.0229 and:0.0217 was:0.0108 is:0.0093 in:0.0082 his:0.0073 this:0.0065 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5781 to:0.1502 and:0.0766 of:0.0583 the:0.0431 in:0.0269 for:0.0206 a:0.0180 by:0.0163 that:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7504 the:0.0808 and:0.0437 a:0.0357 is:0.0212 of:0.0190 was:0.0151 to:0.0138 be:0.0118 or:0.0086 -:0.6618 the:0.1657 a:0.0432 of:0.0285 to:0.0273 that:0.0212 and:0.0184 tho:0.0118 in:0.0114 it:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8962 the:0.0265 and:0.0161 a:0.0128 of:0.0114 years:0.0099 that:0.0088 which:0.0063 her:0.0061 as:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7267 the:0.1298 a:0.0356 and:0.0288 of:0.0208 is:0.0145 this:0.0144 his:0.0110 was:0.0093 in:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6142 the:0.1200 is:0.0702 was:0.0669 are:0.0296 were:0.0255 and:0.0197 a:0.0193 his:0.0180 be:0.0167 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6174 the:0.2283 a:0.0392 and:0.0276 of:0.0198 this:0.0189 his:0.0174 is:0.0119 their:0.0098 tho:0.0097 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7004 to:0.0790 and:0.0640 of:0.0544 or:0.0309 will:0.0222 are:0.0137 would:0.0129 in:0.0119 that:0.0107 -:0.7168 of:0.0625 the:0.0570 and:0.0440 is:0.0332 was:0.0270 a:0.0227 in:0.0129 or:0.0128 are:0.0111 -:0.7504 the:0.0830 to:0.0455 a:0.0395 and:0.0336 his:0.0133 of:0.0115 was:0.0082 is:0.0075 this:0.0074 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.3232 :0.5037 a:0.0580 his:0.0307 tho:0.0220 this:0.0167 their:0.0135 her:0.0113 any:0.0109 all:0.0099 -be:0.0952 :0.7468 a:0.0419 only:0.0226 the:0.0219 no:0.0190 been:0.0166 not:0.0139 bo:0.0132 have:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1913 to:0.1457 :0.3535 in:0.0975 on:0.0546 from:0.0389 for:0.0384 and:0.0307 by:0.0250 with:0.0245 -:0.6644 the:0.1119 a:0.0518 of:0.0461 and:0.0414 to:0.0228 is:0.0187 was:0.0162 for:0.0139 in:0.0127 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9599 and:0.0121 in:0.0051 of:0.0046 it:0.0037 men:0.0034 house:0.0029 to:0.0029 that:0.0027 he:0.0027 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -years:0.0323 hundred:0.0188 :0.8923 other:0.0099 weeks:0.0097 thousand:0.0086 or:0.0083 days:0.0079 months:0.0075 per:0.0046 -the:0.4415 :0.4302 a:0.0266 this:0.0217 his:0.0183 tho:0.0166 our:0.0119 any:0.0114 their:0.0112 said:0.0106 -:0.6398 the:0.1436 a:0.0837 to:0.0508 and:0.0279 his:0.0159 of:0.0136 by:0.0087 for:0.0084 in:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6555 the:0.0921 to:0.0838 in:0.0371 and:0.0324 by:0.0235 a:0.0228 of:0.0219 that:0.0163 at:0.0146 -:0.8330 of:0.0551 and:0.0336 to:0.0241 in:0.0177 for:0.0080 or:0.0079 from:0.0076 with:0.0065 who:0.0065 -:0.6316 the:0.1367 a:0.1216 his:0.0225 in:0.0207 to:0.0198 and:0.0135 that:0.0121 of:0.0109 an:0.0105 -:0.8442 the:0.0496 a:0.0359 and:0.0182 to:0.0100 is:0.0099 was:0.0090 are:0.0083 be:0.0075 one:0.0074 -:0.8582 of:0.0419 and:0.0219 the:0.0201 in:0.0130 to:0.0101 for:0.0094 with:0.0090 from:0.0083 a:0.0081 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6951 the:0.1267 a:0.0529 of:0.0391 and:0.0290 this:0.0140 to:0.0123 his:0.0115 tho:0.0101 in:0.0092 -:0.8405 and:0.0596 to:0.0270 of:0.0163 that:0.0150 or:0.0113 for:0.0083 but:0.0076 as:0.0073 with:0.0071 -:0.8485 and:0.0337 the:0.0267 of:0.0242 is:0.0142 a:0.0130 that:0.0127 was:0.0100 at:0.0087 in:0.0084 -:0.6758 and:0.0871 the:0.0814 of:0.0498 in:0.0221 was:0.0212 is:0.0208 at:0.0154 that:0.0138 to:0.0125 -:0.8409 and:0.0577 to:0.0294 of:0.0134 the:0.0130 is:0.0114 was:0.0111 he:0.0081 that:0.0078 will:0.0072 -:0.8527 it:0.0363 him:0.0226 the:0.0188 he:0.0180 that:0.0140 them:0.0131 a:0.0088 and:0.0087 her:0.0070 -:0.8289 and:0.0453 of:0.0349 the:0.0172 a:0.0160 is:0.0151 was:0.0148 for:0.0103 in:0.0088 to:0.0086 -:0.7721 and:0.0462 to:0.0322 the:0.0273 of:0.0264 was:0.0241 in:0.0229 is:0.0199 has:0.0156 had:0.0132 -:0.6105 of:0.0892 to:0.0729 and:0.0605 in:0.0538 the:0.0373 with:0.0228 for:0.0226 was:0.0152 a:0.0152 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.7005 of:0.0856 to:0.0507 in:0.0424 that:0.0325 on:0.0221 for:0.0211 and:0.0166 at:0.0155 with:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5967 of:0.1004 the:0.0750 to:0.0596 and:0.0596 in:0.0304 was:0.0222 is:0.0205 for:0.0184 with:0.0172 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.8716 and:0.0224 the:0.0223 a:0.0172 was:0.0153 is:0.0152 he:0.0102 to:0.0091 be:0.0086 it:0.0082 -:0.8382 the:0.0541 and:0.0302 a:0.0245 is:0.0100 was:0.0099 to:0.0096 of:0.0091 are:0.0091 he:0.0053 -:0.6625 to:0.1479 and:0.0687 will:0.0295 not:0.0169 we:0.0168 is:0.0163 would:0.0152 the:0.0139 was:0.0122 -:0.8307 of:0.0488 the:0.0349 and:0.0223 in:0.0156 a:0.0149 to:0.0140 or:0.0065 that:0.0065 on:0.0059 -:0.8058 the:0.0367 to:0.0300 is:0.0268 and:0.0246 was:0.0226 be:0.0179 a:0.0149 are:0.0111 had:0.0096 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8105 and:0.0433 the:0.0400 is:0.0276 was:0.0236 be:0.0151 are:0.0110 of:0.0106 a:0.0096 it:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6122 in:0.0963 of:0.0615 to:0.0522 on:0.0350 by:0.0344 at:0.0321 for:0.0310 that:0.0300 and:0.0154 -:0.7763 the:0.0714 a:0.0541 of:0.0210 and:0.0188 in:0.0182 his:0.0104 no:0.0101 been:0.0098 at:0.0097 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -be:0.4579 :0.3762 not:0.0531 have:0.0300 bo:0.0300 to:0.0216 the:0.0094 a:0.0075 make:0.0072 get:0.0071 -be:0.2232 :0.6714 not:0.0252 have:0.0174 the:0.0150 bo:0.0120 to:0.0119 a:0.0102 get:0.0072 do:0.0066 -:0.7107 of:0.0743 to:0.0539 and:0.0434 the:0.0383 in:0.0255 at:0.0160 for:0.0135 a:0.0132 as:0.0112 -:0.8238 of:0.0343 in:0.0296 to:0.0219 on:0.0212 for:0.0211 at:0.0154 from:0.0136 that:0.0105 with:0.0086 -:0.5540 of:0.1044 the:0.0857 in:0.0780 to:0.0455 a:0.0412 and:0.0319 his:0.0243 is:0.0177 for:0.0174 -:0.8269 to:0.0465 and:0.0381 the:0.0309 it:0.0110 of:0.0110 that:0.0095 is:0.0088 who:0.0088 a:0.0085 -:0.9407 people:0.0095 city:0.0090 world:0.0073 law:0.0072 same:0.0062 case:0.0055 government:0.0053 country:0.0046 bill:0.0046 -:0.7131 of:0.0741 in:0.0528 and:0.0423 the:0.0261 to:0.0258 is:0.0190 for:0.0167 at:0.0158 was:0.0143 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8625 is:0.0399 and:0.0202 was:0.0183 will:0.0154 does:0.0107 are:0.0095 would:0.0083 has:0.0078 did:0.0073 -:0.6163 in:0.0753 of:0.0678 to:0.0555 for:0.0415 on:0.0326 by:0.0299 that:0.0296 with:0.0265 at:0.0251 -:0.5914 a:0.1894 the:0.1120 to:0.0319 that:0.0160 an:0.0155 and:0.0134 it:0.0118 tho:0.0100 his:0.0088 -:0.7102 the:0.0870 a:0.0468 of:0.0350 to:0.0344 and:0.0289 that:0.0161 for:0.0153 it:0.0138 in:0.0125 -:0.6836 of:0.1350 and:0.0655 the:0.0215 is:0.0206 in:0.0199 was:0.0185 to:0.0139 who:0.0115 that:0.0101 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.6606 those:0.2147 the:0.0320 men:0.0312 this:0.0159 one:0.0149 all:0.0121 said:0.0086 a:0.0053 that:0.0048 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6987 in:0.0562 and:0.0450 to:0.0445 at:0.0365 of:0.0363 from:0.0242 with:0.0202 on:0.0194 for:0.0191 -:0.5631 be:0.2173 the:0.0940 have:0.0390 a:0.0245 do:0.0216 bo:0.0205 tho:0.0071 go:0.0068 per:0.0060 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -have:0.0231 had:0.0180 took:0.0074 take:0.0069 the:0.0065 be:0.0062 has:0.0060 gave:0.0056 are:0.0056 give:0.0052 -:0.9773 the:0.0070 a:0.0039 said:0.0026 more:0.0019 and:0.0019 very:0.0016 this:0.0014 be:0.0013 so:0.0011 -other:0.0660 :0.8818 one:0.0133 more:0.0111 person:0.0064 the:0.0047 part:0.0047 public:0.0041 great:0.0040 kind:0.0037 -the:0.3604 a:0.1821 :0.3588 his:0.0213 tho:0.0207 tbe:0.0142 an:0.0116 said:0.0112 our:0.0108 their:0.0090 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6266 of:0.0659 and:0.0624 which:0.0485 as:0.0472 that:0.0379 if:0.0352 but:0.0272 when:0.0255 where:0.0236 -:0.8975 the:0.0348 a:0.0213 then:0.0089 we:0.0073 as:0.0067 his:0.0066 their:0.0059 said:0.0057 is:0.0053 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5023 of:0.1103 in:0.0806 to:0.0711 that:0.0507 for:0.0491 by:0.0452 as:0.0347 at:0.0291 and:0.0270 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9612 city:0.0056 time:0.0055 same:0.0051 world:0.0043 people:0.0040 most:0.0037 said:0.0037 best:0.0035 other:0.0034 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8460 and:0.0480 the:0.0207 to:0.0195 was:0.0138 is:0.0137 of:0.0114 that:0.0091 be:0.0091 a:0.0087 -:0.9572 people:0.0077 same:0.0074 men:0.0069 most:0.0042 best:0.0037 county:0.0036 city:0.0035 first:0.0031 said:0.0027 -:0.8592 and:0.0406 to:0.0323 of:0.0136 in:0.0105 that:0.0102 out:0.0101 as:0.0087 up:0.0079 is:0.0069 -:0.6578 is:0.1002 he:0.0672 was:0.0454 the:0.0291 are:0.0260 it:0.0224 they:0.0179 has:0.0173 a:0.0167 -:0.8584 and:0.0441 as:0.0356 is:0.0189 but:0.0105 time:0.0087 or:0.0069 way:0.0061 of:0.0059 to:0.0049 -:0.6321 to:0.0772 of:0.0689 and:0.0561 for:0.0402 in:0.0308 or:0.0274 by:0.0259 that:0.0211 a:0.0202 -:0.8155 not:0.0445 to:0.0403 now:0.0321 in:0.0158 made:0.0130 is:0.0107 as:0.0096 put:0.0094 hereby:0.0091 -:0.8552 him:0.0227 the:0.0206 them:0.0182 it:0.0178 you:0.0178 a:0.0127 and:0.0121 he:0.0115 so:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8217 the:0.0403 was:0.0283 and:0.0269 has:0.0197 is:0.0156 be:0.0145 a:0.0119 have:0.0109 had:0.0101 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9385 part:0.0105 city:0.0086 one:0.0081 day:0.0078 amount:0.0069 purpose:0.0054 number:0.0053 line:0.0045 kind:0.0044 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7621 the:0.0990 a:0.0398 and:0.0336 of:0.0183 that:0.0152 this:0.0086 as:0.0083 his:0.0083 to:0.0068 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7573 to:0.0554 and:0.0506 a:0.0338 not:0.0290 be:0.0183 or:0.0157 the:0.0154 of:0.0138 is:0.0106 -:0.9355 the:0.0233 more:0.0087 two:0.0074 a:0.0073 not:0.0040 his:0.0036 one:0.0036 an:0.0034 three:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5246 to:0.1612 of:0.1129 and:0.0579 the:0.0464 a:0.0337 in:0.0300 or:0.0123 for:0.0106 that:0.0102 -:0.8928 to:0.0229 and:0.0147 in:0.0146 of:0.0131 up:0.0113 out:0.0081 that:0.0078 on:0.0075 down:0.0072 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8428 to:0.0412 and:0.0236 or:0.0235 of:0.0223 in:0.0100 we:0.0098 as:0.0091 that:0.0091 the:0.0086 -:0.5878 of:0.1089 and:0.0904 that:0.0563 as:0.0468 to:0.0289 but:0.0288 in:0.0201 for:0.0178 where:0.0141 -:0.9186 mortgage:0.0329 day:0.0085 petition:0.0075 man:0.0065 one:0.0065 that:0.0054 county:0.0052 and:0.0048 city:0.0040 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.9413 time:0.0122 and:0.0095 day:0.0074 of:0.0066 in:0.0061 year:0.0048 state:0.0042 city:0.0040 fact:0.0039 -to:0.3067 :0.4676 of:0.0634 in:0.0546 and:0.0379 a:0.0169 the:0.0167 will:0.0150 on:0.0112 for:0.0101 -not:0.2054 :0.6207 the:0.0757 a:0.0262 so:0.0141 this:0.0130 no:0.0123 that:0.0121 it:0.0109 more:0.0095 -:0.9443 wife:0.0143 day:0.0081 head:0.0061 friends:0.0050 eyes:0.0048 years:0.0045 office:0.0045 way:0.0043 hour:0.0041 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6730 of:0.1311 and:0.0623 to:0.0285 the:0.0272 in:0.0213 or:0.0180 is:0.0134 that:0.0128 for:0.0124 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7679 the:0.1294 a:0.0319 and:0.0212 this:0.0099 of:0.0091 is:0.0084 an:0.0080 tho:0.0071 are:0.0071 -:0.7841 the:0.0858 a:0.0365 his:0.0175 in:0.0166 as:0.0134 to:0.0128 have:0.0121 any:0.0113 two:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8830 and:0.0298 that:0.0152 but:0.0139 him:0.0126 all:0.0118 so:0.0093 said:0.0086 say:0.0082 to:0.0078 -:0.9109 the:0.0282 all:0.0136 that:0.0111 a:0.0087 in:0.0083 his:0.0052 then:0.0050 other:0.0048 said:0.0042 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8114 of:0.0783 and:0.0326 to:0.0156 in:0.0150 for:0.0115 the:0.0111 that:0.0091 a:0.0080 at:0.0074 -:0.6112 the:0.1476 a:0.0994 that:0.0272 to:0.0208 as:0.0207 so:0.0203 and:0.0196 an:0.0188 no:0.0146 -of:0.1801 :0.4329 for:0.0650 in:0.0599 to:0.0540 with:0.0540 and:0.0517 as:0.0432 by:0.0309 is:0.0283 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -:0.9258 and:0.0231 to:0.0117 went:0.0064 that:0.0064 it:0.0062 came:0.0055 is:0.0053 as:0.0049 which:0.0047 -:0.7650 the:0.1074 a:0.0315 and:0.0289 he:0.0156 to:0.0145 of:0.0128 this:0.0105 it:0.0072 one:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6555 the:0.0921 to:0.0838 in:0.0371 and:0.0324 by:0.0235 a:0.0228 of:0.0219 that:0.0163 at:0.0146 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.9174 them:0.0142 and:0.0141 him:0.0112 which:0.0083 it:0.0082 of:0.0072 that:0.0068 men:0.0067 days:0.0059 -:0.9175 the:0.0247 a:0.0100 other:0.0098 of:0.0095 two:0.0066 and:0.0066 in:0.0051 real:0.0051 is:0.0050 -:0.7563 the:0.0749 of:0.0468 and:0.0308 to:0.0235 in:0.0219 a:0.0181 was:0.0109 be:0.0086 is:0.0084 -:0.7556 the:0.1737 a:0.0199 this:0.0106 all:0.0077 said:0.0077 tho:0.0071 his:0.0064 these:0.0062 their:0.0052 -the:0.0174 our:0.0115 tho:0.0081 their:0.0067 his:0.0060 these:0.0056 tbe:0.0055 this:0.0052 those:0.0052 thc:0.0050 -:0.6652 of:0.0912 in:0.0637 to:0.0504 that:0.0281 for:0.0269 on:0.0204 from:0.0200 and:0.0190 with:0.0152 -the:0.2962 :0.5234 a:0.0496 his:0.0484 their:0.0180 tho:0.0178 this:0.0148 all:0.0111 it:0.0105 its:0.0101 -:0.5383 of:0.1109 the:0.1081 a:0.1028 to:0.0335 in:0.0326 his:0.0206 and:0.0198 with:0.0170 for:0.0164 -:0.8550 and:0.0399 of:0.0228 is:0.0154 or:0.0120 the:0.0118 for:0.0116 that:0.0110 at:0.0105 was:0.0101 -to:0.1051 :0.5510 for:0.0703 as:0.0592 in:0.0584 and:0.0417 of:0.0318 was:0.0306 by:0.0271 that:0.0248 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7082 the:0.1181 a:0.0550 and:0.0302 that:0.0234 as:0.0153 was:0.0135 this:0.0125 are:0.0122 is:0.0117 -:0.6833 the:0.1724 was:0.0256 a:0.0254 be:0.0232 and:0.0186 is:0.0150 his:0.0136 has:0.0126 had:0.0103 -:0.7616 it:0.0490 he:0.0440 there:0.0376 and:0.0277 who:0.0250 she:0.0235 which:0.0142 to:0.0094 that:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6875 and:0.0930 that:0.0546 have:0.0316 were:0.0288 as:0.0257 are:0.0238 was:0.0193 but:0.0179 had:0.0177 -:0.6972 the:0.0773 of:0.0528 to:0.0457 and:0.0297 in:0.0285 is:0.0192 was:0.0179 a:0.0167 for:0.0151 -the:0.2933 :0.5808 a:0.0269 this:0.0204 said:0.0165 his:0.0162 tho:0.0137 any:0.0112 one:0.0106 their:0.0104 -:0.7605 say:0.0802 see:0.0273 know:0.0266 believe:0.0218 show:0.0195 be:0.0185 think:0.0166 do:0.0148 get:0.0143 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8511 to:0.0426 have:0.0247 the:0.0217 will:0.0153 and:0.0126 be:0.0093 of:0.0085 would:0.0072 not:0.0070 -the:0.2814 :0.5162 a:0.0710 to:0.0253 in:0.0241 his:0.0222 of:0.0209 and:0.0167 for:0.0111 by:0.0111 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.1372 :0.7184 a:0.0465 this:0.0228 tho:0.0198 our:0.0136 said:0.0107 any:0.0105 his:0.0105 one:0.0101 -:0.5629 to:0.1608 in:0.0648 of:0.0440 that:0.0406 for:0.0294 from:0.0276 on:0.0252 by:0.0235 at:0.0213 -the:0.4921 :0.3251 a:0.0533 tho:0.0356 his:0.0251 this:0.0177 our:0.0168 their:0.0150 its:0.0098 such:0.0094 -:0.8065 of:0.0381 and:0.0346 the:0.0258 to:0.0239 as:0.0178 a:0.0159 be:0.0154 with:0.0117 in:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.4066 :0.2951 to:0.0625 in:0.0620 and:0.0431 for:0.0388 on:0.0243 that:0.0238 with:0.0227 from:0.0211 -:0.7996 of:0.0592 and:0.0362 as:0.0194 the:0.0167 that:0.0162 a:0.0137 in:0.0133 at:0.0131 for:0.0126 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6889 was:0.0526 is:0.0440 be:0.0428 have:0.0352 has:0.0328 the:0.0319 and:0.0317 had:0.0250 are:0.0151 -:0.9704 and:0.0053 out:0.0045 up:0.0036 to:0.0035 that:0.0032 them:0.0025 day:0.0024 him:0.0024 away:0.0022 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7117 the:0.0829 and:0.0519 of:0.0457 to:0.0286 that:0.0235 in:0.0145 who:0.0142 he:0.0138 which:0.0132 -the:0.0104 our:0.0035 its:0.0030 tbe:0.0030 a:0.0029 this:0.0028 his:0.0025 more:0.0024 their:0.0024 tho:0.0023 -:0.6875 the:0.0747 to:0.0568 of:0.0505 and:0.0438 a:0.0248 in:0.0207 that:0.0155 is:0.0148 by:0.0110 -to:0.4821 :0.4325 will:0.0179 and:0.0166 which:0.0148 that:0.0095 it:0.0084 the:0.0065 you:0.0061 by:0.0057 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7610 the:0.1199 a:0.0323 of:0.0229 and:0.0217 was:0.0108 is:0.0093 in:0.0082 his:0.0073 this:0.0065 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.7353 the:0.1126 and:0.0477 of:0.0243 that:0.0225 a:0.0180 his:0.0119 their:0.0094 be:0.0093 he:0.0089 -:0.6046 it:0.1139 he:0.0846 that:0.0811 and:0.0269 to:0.0253 which:0.0202 she:0.0188 there:0.0187 what:0.0061 -:0.6693 the:0.1340 and:0.0518 is:0.0294 of:0.0257 was:0.0253 a:0.0204 as:0.0166 be:0.0142 that:0.0134 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.8015 the:0.0672 a:0.0466 and:0.0219 of:0.0202 to:0.0118 more:0.0087 this:0.0086 is:0.0068 for:0.0068 -:0.8140 the:0.0390 to:0.0379 a:0.0378 and:0.0287 of:0.0111 will:0.0102 per:0.0082 was:0.0067 he:0.0064 -:0.7449 the:0.1807 a:0.0179 his:0.0165 this:0.0101 her:0.0093 tho:0.0078 said:0.0053 their:0.0042 our:0.0035 -:0.6516 the:0.1365 a:0.0389 of:0.0374 and:0.0332 his:0.0287 is:0.0234 was:0.0179 be:0.0166 this:0.0158 -:0.4910 of:0.2191 and:0.0596 to:0.0593 in:0.0412 the:0.0409 for:0.0317 as:0.0196 by:0.0193 a:0.0183 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.5807 the:0.1570 to:0.1197 and:0.0353 that:0.0260 his:0.0197 in:0.0180 it:0.0159 he:0.0140 a:0.0139 -:0.7590 of:0.0845 and:0.0466 to:0.0248 the:0.0241 in:0.0165 is:0.0141 or:0.0117 a:0.0098 that:0.0089 -:0.9774 a:0.0082 the:0.0030 own:0.0021 an:0.0017 any:0.0016 public:0.0016 law:0.0015 most:0.0014 last:0.0014 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -the:0.0439 :0.8885 a:0.0121 in:0.0103 of:0.0087 tho:0.0079 was:0.0078 at:0.0071 have:0.0070 an:0.0067 -:0.6008 of:0.1521 in:0.0689 to:0.0359 for:0.0292 with:0.0279 and:0.0244 from:0.0229 by:0.0195 the:0.0182 -:0.8000 more:0.1133 less:0.0480 better:0.0085 the:0.0058 that:0.0054 other:0.0053 and:0.0050 it:0.0047 one:0.0039 -be:0.3205 :0.5418 the:0.0298 not:0.0242 bo:0.0238 have:0.0211 he:0.0145 to:0.0089 a:0.0081 that:0.0073 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8977 and:0.0408 is:0.0126 but:0.0088 to:0.0078 are:0.0074 home:0.0070 out:0.0062 was:0.0060 it:0.0056 -of:0.2270 :0.4624 to:0.0854 in:0.0674 on:0.0336 with:0.0281 from:0.0278 and:0.0238 for:0.0235 by:0.0210 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.9457 had:0.0087 and:0.0083 was:0.0077 is:0.0067 as:0.0057 has:0.0056 time:0.0043 will:0.0039 who:0.0035 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.8448 the:0.0469 that:0.0271 and:0.0165 a:0.0158 as:0.0146 of:0.0102 at:0.0085 other:0.0080 he:0.0075 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.1586 :0.6792 a:0.0488 and:0.0288 to:0.0192 his:0.0178 this:0.0143 their:0.0114 be:0.0114 tho:0.0104 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -of:0.1619 :0.4611 in:0.1216 to:0.0574 for:0.0394 on:0.0384 and:0.0314 by:0.0308 with:0.0300 from:0.0280 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.7912 to:0.0457 and:0.0369 the:0.0246 of:0.0235 a:0.0231 is:0.0169 in:0.0152 was:0.0135 are:0.0094 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7540 the:0.1079 of:0.0479 a:0.0250 and:0.0198 in:0.0168 his:0.0096 tho:0.0066 at:0.0064 to:0.0061 -:0.7352 the:0.1219 a:0.0305 this:0.0209 he:0.0207 his:0.0169 their:0.0166 other:0.0133 its:0.0132 it:0.0108 -:0.7843 and:0.0384 of:0.0364 to:0.0312 the:0.0308 in:0.0249 a:0.0194 for:0.0149 by:0.0100 with:0.0097 -be:0.3973 :0.3217 the:0.1415 have:0.0328 not:0.0280 to:0.0243 a:0.0220 bo:0.0198 in:0.0068 and:0.0060 -:0.8558 the:0.0495 a:0.0223 and:0.0183 is:0.0102 this:0.0098 to:0.0092 or:0.0090 was:0.0086 be:0.0074 -:0.9243 the:0.0290 them:0.0098 a:0.0064 which:0.0055 tho:0.0053 her:0.0051 it:0.0049 that:0.0049 our:0.0048 -:0.6307 the:0.1253 of:0.1009 a:0.0644 and:0.0243 to:0.0130 for:0.0112 tho:0.0106 this:0.0099 in:0.0095 -:0.8856 the:0.0476 and:0.0194 a:0.0091 of:0.0076 who:0.0072 his:0.0071 this:0.0064 was:0.0053 is:0.0047 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.5154 of:0.1479 to:0.1359 and:0.0845 in:0.0251 a:0.0232 the:0.0215 is:0.0180 with:0.0147 for:0.0137 -a:0.0492 the:0.0404 large:0.0124 tho:0.0119 great:0.0097 an:0.0079 very:0.0076 much:0.0073 considerable:0.0073 good:0.0072 -:0.6580 the:0.1264 to:0.0535 of:0.0490 and:0.0383 in:0.0242 a:0.0155 that:0.0127 by:0.0120 his:0.0104 -:0.9603 hundred:0.0115 and:0.0067 years:0.0044 of:0.0035 days:0.0031 year:0.0028 in:0.0026 men:0.0026 to:0.0024 -:0.9145 time:0.0268 way:0.0127 city:0.0103 country:0.0095 day:0.0067 matter:0.0056 year:0.0055 morning:0.0042 case:0.0042 -:0.9092 them:0.0173 and:0.0161 him:0.0124 that:0.0089 is:0.0083 it:0.0077 up:0.0072 which:0.0072 as:0.0057 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9102 out:0.0187 day:0.0153 line:0.0122 and:0.0113 one:0.0099 side:0.0095 or:0.0050 feet:0.0042 amount:0.0036 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8446 and:0.0687 of:0.0255 to:0.0171 that:0.0100 is:0.0090 was:0.0083 in:0.0071 or:0.0049 time:0.0048 -:0.9122 city:0.0147 great:0.0108 was:0.0105 the:0.0105 is:0.0105 country:0.0101 time:0.0073 morning:0.0067 year:0.0066 -:0.8895 year:0.0272 time:0.0259 country:0.0123 way:0.0115 city:0.0102 week:0.0070 morning:0.0060 day:0.0060 state:0.0045 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7014 of:0.1544 and:0.0452 to:0.0242 or:0.0157 in:0.0135 which:0.0129 the:0.0117 for:0.0110 that:0.0101 -:0.7307 the:0.0943 to:0.0433 and:0.0416 a:0.0239 of:0.0178 in:0.0162 his:0.0117 is:0.0117 an:0.0088 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5744 of:0.1091 in:0.0702 to:0.0566 with:0.0436 and:0.0393 by:0.0340 for:0.0299 from:0.0239 on:0.0188 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.7562 he:0.0745 and:0.0370 to:0.0335 it:0.0257 they:0.0210 who:0.0142 that:0.0139 we:0.0123 she:0.0117 -:0.8158 the:0.0604 and:0.0315 which:0.0188 to:0.0181 that:0.0180 of:0.0132 it:0.0094 at:0.0076 in:0.0073 -:0.7286 other:0.1858 the:0.0180 and:0.0152 one:0.0119 of:0.0097 more:0.0092 or:0.0085 time:0.0067 a:0.0064 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8015 to:0.0717 and:0.0261 a:0.0217 the:0.0203 it:0.0181 as:0.0123 one:0.0106 he:0.0102 that:0.0075 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -been:0.3431 :0.4727 not:0.0386 the:0.0341 had:0.0210 a:0.0199 always:0.0197 already:0.0192 to:0.0160 no:0.0158 -:0.7342 a:0.0844 are:0.0630 the:0.0319 and:0.0211 have:0.0179 were:0.0145 will:0.0124 of:0.0110 is:0.0096 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7780 of:0.0585 and:0.0335 that:0.0324 the:0.0259 a:0.0189 for:0.0163 at:0.0135 in:0.0128 with:0.0104 -:0.6276 of:0.0735 in:0.0606 a:0.0423 the:0.0410 to:0.0402 at:0.0365 for:0.0309 by:0.0266 on:0.0208 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -to:0.1932 :0.4314 and:0.1449 that:0.0619 as:0.0531 of:0.0321 but:0.0240 in:0.0226 was:0.0190 is:0.0179 -:0.7597 the:0.0794 and:0.0391 of:0.0383 to:0.0232 a:0.0183 in:0.0153 for:0.0092 was:0.0089 that:0.0086 -:0.6371 the:0.1876 a:0.0499 and:0.0326 is:0.0249 was:0.0200 to:0.0142 of:0.0128 his:0.0109 tho:0.0100 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7291 the:0.1018 and:0.0351 a:0.0311 of:0.0263 is:0.0224 was:0.0204 are:0.0128 in:0.0116 as:0.0093 -:0.8279 the:0.0621 a:0.0420 own:0.0158 to:0.0113 and:0.0109 great:0.0102 public:0.0069 this:0.0066 large:0.0064 -:0.6817 of:0.1288 and:0.0528 to:0.0482 the:0.0308 in:0.0171 or:0.0132 for:0.0102 from:0.0091 on:0.0080 -the:0.4159 :0.3782 any:0.0928 a:0.0306 tho:0.0195 all:0.0181 this:0.0131 each:0.0107 our:0.0106 his:0.0106 -:0.6357 of:0.1421 and:0.0594 to:0.0401 the:0.0325 in:0.0278 for:0.0204 a:0.0154 at:0.0148 that:0.0119 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.9374 we:0.0118 more:0.0100 they:0.0095 the:0.0078 per:0.0060 two:0.0054 three:0.0053 he:0.0035 five:0.0033 -:0.8645 is:0.0309 are:0.0246 and:0.0224 was:0.0147 it:0.0116 were:0.0103 not:0.0071 but:0.0070 made:0.0069 -:0.9058 the:0.0446 a:0.0104 tho:0.0074 other:0.0073 said:0.0060 his:0.0059 this:0.0043 their:0.0043 two:0.0039 -:0.8153 was:0.0390 had:0.0370 is:0.0240 as:0.0202 knew:0.0164 and:0.0131 has:0.0122 that:0.0118 says:0.0109 -:0.7526 the:0.0544 and:0.0519 of:0.0385 to:0.0269 in:0.0257 a:0.0197 by:0.0105 or:0.0104 for:0.0094 -:0.8225 and:0.0615 to:0.0241 which:0.0162 who:0.0150 of:0.0145 was:0.0124 that:0.0122 is:0.0110 as:0.0105 -:0.7549 of:0.1188 and:0.0547 to:0.0131 that:0.0126 or:0.0118 the:0.0108 in:0.0098 which:0.0069 day:0.0067 -nper:0.1230 the:0.0361 our:0.0113 a:0.0106 per:0.0099 habeas:0.0097 tho:0.0096 this:0.0089 those:0.0087 these:0.0086 -:0.7596 of:0.0878 and:0.0496 the:0.0313 in:0.0159 or:0.0147 to:0.0126 with:0.0111 for:0.0089 is:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2310 :0.5430 a:0.0897 to:0.0275 one:0.0221 his:0.0201 they:0.0174 and:0.0168 he:0.0164 this:0.0160 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6545 in:0.0742 of:0.0607 to:0.0435 and:0.0401 for:0.0350 by:0.0277 with:0.0235 at:0.0215 on:0.0192 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.9333 letter:0.0153 man:0.0094 time:0.0074 matter:0.0071 point:0.0070 year:0.0060 way:0.0054 word:0.0048 little:0.0043 -:0.7534 the:0.1317 a:0.0216 of:0.0210 and:0.0188 this:0.0183 in:0.0113 is:0.0087 his:0.0080 any:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9035 be:0.0198 look:0.0150 him:0.0118 say:0.0101 work:0.0094 do:0.0084 pay:0.0081 sell:0.0073 make:0.0066 -:0.5697 the:0.1709 a:0.1215 his:0.0468 all:0.0211 to:0.0178 their:0.0151 its:0.0133 in:0.0125 tho:0.0113 -:0.7685 the:0.0512 much:0.0477 that:0.0321 far:0.0223 to:0.0199 of:0.0161 it:0.0141 and:0.0140 a:0.0140 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7269 of:0.0856 and:0.0448 to:0.0361 in:0.0251 is:0.0246 the:0.0183 was:0.0177 for:0.0106 or:0.0104 -be:0.2503 :0.5450 make:0.0478 have:0.0418 not:0.0271 take:0.0212 get:0.0196 find:0.0188 bo:0.0147 give:0.0137 -is:0.2861 was:0.1728 :0.3836 will:0.0298 would:0.0275 has:0.0259 be:0.0216 the:0.0200 are:0.0163 not:0.0163 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.7677 is:0.0509 it:0.0332 not:0.0299 and:0.0298 do:0.0202 as:0.0178 we:0.0178 they:0.0165 was:0.0162 -:0.7276 the:0.1240 a:0.0344 to:0.0270 is:0.0183 he:0.0172 in:0.0147 was:0.0136 and:0.0116 it:0.0116 -:0.9426 city:0.0085 time:0.0075 same:0.0075 bill:0.0063 country:0.0063 case:0.0059 matter:0.0053 world:0.0052 result:0.0050 -:0.9071 and:0.0247 up:0.0128 made:0.0101 is:0.0095 out:0.0089 to:0.0081 was:0.0074 that:0.0060 it:0.0054 -:0.6536 the:0.1567 of:0.0522 a:0.0511 and:0.0243 in:0.0211 his:0.0128 at:0.0096 no:0.0094 for:0.0093 -the:0.3769 :0.4590 a:0.0732 tho:0.0207 this:0.0188 he:0.0158 no:0.0106 his:0.0098 to:0.0076 any:0.0075 -:0.8677 few:0.0540 little:0.0169 large:0.0140 good:0.0114 dozen:0.0090 great:0.0089 very:0.0062 small:0.0061 new:0.0058 -:0.6235 the:0.2035 and:0.0391 a:0.0376 of:0.0277 was:0.0157 to:0.0150 is:0.0139 at:0.0121 or:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -he:0.3335 :0.3934 they:0.0977 we:0.0476 it:0.0381 she:0.0310 will:0.0186 is:0.0161 ho:0.0133 there:0.0107 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6287 of:0.2243 and:0.0423 to:0.0281 in:0.0216 the:0.0122 or:0.0121 for:0.0119 which:0.0094 that:0.0094 -:0.7726 the:0.0865 a:0.0353 of:0.0306 and:0.0196 are:0.0129 so:0.0113 is:0.0107 were:0.0103 this:0.0101 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6998 and:0.0676 of:0.0523 is:0.0330 not:0.0325 was:0.0281 are:0.0263 have:0.0250 were:0.0185 he:0.0170 -:0.8421 to:0.0428 and:0.0300 the:0.0155 of:0.0151 was:0.0145 is:0.0133 in:0.0102 a:0.0083 are:0.0081 -:0.6781 of:0.1036 and:0.0798 to:0.0302 that:0.0267 as:0.0237 in:0.0170 for:0.0161 or:0.0136 the:0.0111 -:0.9721 and:0.0055 years:0.0048 of:0.0034 in:0.0028 men:0.0027 days:0.0026 up:0.0021 thereof:0.0021 year:0.0019 -of:0.2911 to:0.1749 in:0.0738 :0.2488 for:0.0449 and:0.0433 with:0.0398 from:0.0292 by:0.0285 on:0.0257 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -the:0.2673 :0.5083 a:0.1197 and:0.0216 of:0.0179 his:0.0156 to:0.0134 in:0.0123 this:0.0123 tho:0.0116 -:0.6513 the:0.1832 a:0.0677 this:0.0201 tho:0.0161 his:0.0159 per:0.0149 these:0.0120 any:0.0098 such:0.0089 -:0.6056 of:0.1428 to:0.0843 and:0.0646 in:0.0227 for:0.0198 or:0.0175 the:0.0164 with:0.0139 at:0.0124 -the:0.2156 :0.4903 a:0.1093 of:0.0597 to:0.0500 and:0.0247 in:0.0164 his:0.0143 for:0.0099 was:0.0097 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5983 the:0.1121 a:0.0624 to:0.0563 by:0.0450 of:0.0359 in:0.0313 and:0.0288 for:0.0157 at:0.0141 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8753 and:0.0305 of:0.0256 that:0.0176 to:0.0137 in:0.0099 which:0.0093 as:0.0062 a:0.0061 or:0.0059 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7363 of:0.0793 and:0.0575 the:0.0348 in:0.0253 to:0.0201 a:0.0124 for:0.0124 or:0.0117 is:0.0102 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7158 in:0.0791 all:0.0345 to:0.0295 for:0.0264 at:0.0253 of:0.0237 on:0.0232 if:0.0213 by:0.0212 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8103 and:0.0505 was:0.0272 is:0.0267 that:0.0190 be:0.0164 to:0.0151 of:0.0123 the:0.0115 in:0.0109 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7252 to:0.0774 in:0.0377 for:0.0285 with:0.0269 that:0.0248 as:0.0236 such:0.0200 if:0.0180 by:0.0179 -a:0.0613 :0.8081 the:0.0488 that:0.0136 an:0.0121 at:0.0120 be:0.0119 so:0.0117 and:0.0108 was:0.0098 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4948 the:0.2549 a:0.1675 his:0.0224 said:0.0138 to:0.0117 their:0.0100 an:0.0100 any:0.0080 all:0.0070 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5267 the:0.1582 of:0.0998 a:0.0829 and:0.0327 in:0.0324 with:0.0188 his:0.0186 for:0.0165 by:0.0135 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6588 the:0.1427 and:0.0405 a:0.0293 to:0.0275 of:0.0275 is:0.0205 was:0.0191 in:0.0188 or:0.0154 -:0.5885 ago:0.1163 of:0.0842 to:0.0510 in:0.0475 and:0.0392 for:0.0246 that:0.0189 from:0.0151 by:0.0147 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6960 the:0.0905 and:0.0636 of:0.0494 is:0.0283 a:0.0214 was:0.0155 in:0.0145 for:0.0106 as:0.0103 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.8093 make:0.0404 be:0.0259 see:0.0219 give:0.0213 say:0.0198 get:0.0173 do:0.0166 the:0.0150 take:0.0125 -:0.8055 the:0.0842 a:0.0344 said:0.0163 all:0.0160 any:0.0112 his:0.0087 tho:0.0082 those:0.0082 this:0.0072 -:0.7703 the:0.0984 a:0.0476 to:0.0200 and:0.0132 in:0.0117 of:0.0109 it:0.0108 by:0.0088 that:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6826 the:0.1703 a:0.0409 to:0.0263 all:0.0161 and:0.0157 his:0.0154 any:0.0118 this:0.0117 their:0.0094 -:0.7510 to:0.0871 and:0.0471 of:0.0290 it:0.0225 that:0.0165 which:0.0138 as:0.0126 him:0.0106 he:0.0098 -:0.8131 and:0.0551 to:0.0276 was:0.0228 of:0.0224 is:0.0179 the:0.0119 or:0.0108 in:0.0094 be:0.0089 -:0.6600 the:0.1318 to:0.0768 a:0.0370 in:0.0224 and:0.0180 that:0.0148 his:0.0144 by:0.0129 as:0.0117 -:0.7695 the:0.0724 make:0.0431 be:0.0285 a:0.0226 take:0.0174 see:0.0127 give:0.0122 pay:0.0112 get:0.0104 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.6646 and:0.0732 to:0.0688 of:0.0507 a:0.0448 the:0.0343 that:0.0195 in:0.0152 at:0.0147 for:0.0144 -:0.7402 of:0.0760 is:0.0422 the:0.0255 was:0.0216 and:0.0211 are:0.0205 in:0.0185 or:0.0176 a:0.0167 -:0.7520 the:0.0606 and:0.0510 a:0.0405 of:0.0358 to:0.0222 or:0.0115 is:0.0106 was:0.0086 are:0.0073 -:0.7718 of:0.0863 and:0.0573 to:0.0196 or:0.0160 in:0.0119 are:0.0111 for:0.0095 the:0.0090 that:0.0074 -:0.6805 the:0.0741 to:0.0433 that:0.0398 he:0.0332 and:0.0330 of:0.0311 in:0.0291 for:0.0195 it:0.0163 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.8061 he:0.0434 the:0.0363 was:0.0214 is:0.0193 be:0.0183 has:0.0151 to:0.0148 a:0.0130 that:0.0122 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8007 few:0.0426 great:0.0394 little:0.0267 very:0.0230 good:0.0197 large:0.0158 certain:0.0120 most:0.0105 new:0.0096 -:0.7107 of:0.0743 to:0.0539 and:0.0434 the:0.0383 in:0.0255 at:0.0160 for:0.0135 a:0.0132 as:0.0112 -:0.5379 of:0.1603 in:0.0974 and:0.0541 for:0.0348 to:0.0310 at:0.0305 by:0.0190 the:0.0181 a:0.0168 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6227 that:0.1368 which:0.0657 as:0.0488 and:0.0370 but:0.0212 where:0.0195 of:0.0190 when:0.0157 what:0.0135 -:0.7465 to:0.0656 and:0.0628 the:0.0459 of:0.0286 a:0.0150 will:0.0115 in:0.0086 that:0.0081 for:0.0073 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -a:0.1248 :0.6439 been:0.0931 the:0.0769 no:0.0156 of:0.0103 and:0.0095 to:0.0094 in:0.0085 this:0.0081 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.7952 of:0.0552 years:0.0418 or:0.0241 hundred:0.0209 and:0.0208 days:0.0154 weeks:0.0105 months:0.0089 the:0.0072 -:0.9259 same:0.0154 first:0.0104 last:0.0091 best:0.0083 said:0.0064 most:0.0062 whole:0.0062 two:0.0060 other:0.0060 -the:0.4060 a:0.1486 his:0.0344 :0.3115 an:0.0211 tho:0.0190 he:0.0158 any:0.0156 no:0.0151 tbe:0.0127 -:0.8529 of:0.0300 in:0.0221 on:0.0176 by:0.0173 at:0.0170 for:0.0134 that:0.0111 and:0.0095 with:0.0092 -the:0.2924 :0.5095 a:0.0827 his:0.0235 their:0.0171 tho:0.0167 this:0.0162 to:0.0159 an:0.0154 its:0.0107 -:0.7449 the:0.1807 a:0.0179 his:0.0165 this:0.0101 her:0.0093 tho:0.0078 said:0.0053 their:0.0042 our:0.0035 -:0.6627 the:0.1804 and:0.0387 a:0.0382 of:0.0269 to:0.0144 is:0.0108 in:0.0102 as:0.0100 his:0.0076 -:0.8129 able:0.0746 made:0.0219 allowed:0.0194 given:0.0148 required:0.0116 compelled:0.0115 used:0.0115 ready:0.0112 liable:0.0105 -:0.8803 and:0.0335 of:0.0140 that:0.0138 is:0.0125 was:0.0111 as:0.0097 which:0.0096 it:0.0094 the:0.0062 -:0.6191 of:0.0785 to:0.0777 in:0.0621 and:0.0331 for:0.0320 by:0.0307 with:0.0234 the:0.0231 at:0.0203 -:0.6727 that:0.0707 and:0.0583 as:0.0509 but:0.0354 of:0.0318 to:0.0264 for:0.0222 if:0.0168 which:0.0150 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5628 of:0.1484 to:0.0749 and:0.0539 the:0.0399 in:0.0320 that:0.0305 for:0.0228 a:0.0182 at:0.0166 -:0.7505 few:0.1206 great:0.0293 little:0.0229 good:0.0197 large:0.0141 short:0.0127 long:0.0117 one:0.0093 small:0.0091 -the:0.4346 :0.3163 a:0.0913 his:0.0470 this:0.0455 their:0.0209 an:0.0149 tho:0.0124 its:0.0086 her:0.0085 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6637 are:0.0903 is:0.0684 was:0.0543 were:0.0327 the:0.0264 be:0.0210 have:0.0166 had:0.0157 a:0.0109 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6667 to:0.0679 who:0.0609 and:0.0432 the:0.0410 would:0.0325 a:0.0262 of:0.0228 will:0.0200 was:0.0188 -:0.8896 be:0.0446 the:0.0163 do:0.0087 work:0.0084 go:0.0074 one:0.0072 him:0.0070 have:0.0058 get:0.0050 -:0.8932 and:0.0361 years:0.0136 is:0.0129 of:0.0091 days:0.0087 or:0.0073 was:0.0072 are:0.0063 that:0.0056 -:0.6326 of:0.0972 to:0.0638 and:0.0563 that:0.0439 in:0.0322 the:0.0231 for:0.0209 at:0.0154 by:0.0146 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9059 of:0.0247 and:0.0173 to:0.0131 who:0.0127 is:0.0069 was:0.0065 the:0.0054 in:0.0041 from:0.0033 -:0.6207 is:0.0873 that:0.0617 as:0.0560 if:0.0500 was:0.0500 when:0.0273 and:0.0227 but:0.0144 where:0.0099 -the:0.1796 :0.6065 a:0.0842 any:0.0310 his:0.0227 this:0.0193 their:0.0166 an:0.0149 all:0.0126 its:0.0125 -:0.6529 and:0.0747 the:0.0615 of:0.0497 was:0.0458 is:0.0366 to:0.0310 in:0.0246 for:0.0117 a:0.0115 -:0.9525 th:0.0072 the:0.0062 young:0.0061 a:0.0049 last:0.0049 and:0.0046 city:0.0046 of:0.0045 first:0.0045 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6773 that:0.1309 and:0.0541 as:0.0375 but:0.0242 if:0.0227 of:0.0149 when:0.0134 is:0.0130 where:0.0120 -the:0.2933 :0.5808 a:0.0269 this:0.0204 said:0.0165 his:0.0162 tho:0.0137 any:0.0112 one:0.0106 their:0.0104 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.7325 is:0.0465 the:0.0418 in:0.0349 and:0.0344 of:0.0269 a:0.0260 for:0.0216 to:0.0192 was:0.0163 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.6305 the:0.1142 of:0.0793 a:0.0420 and:0.0357 in:0.0317 for:0.0229 is:0.0159 to:0.0144 with:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9603 same:0.0069 city:0.0054 most:0.0048 present:0.0042 country:0.0041 last:0.0041 real:0.0038 time:0.0033 old:0.0031 -:0.7862 the:0.0489 and:0.0358 be:0.0352 was:0.0243 is:0.0168 of:0.0155 a:0.0140 have:0.0131 are:0.0102 -:0.7201 the:0.1030 of:0.0484 and:0.0448 a:0.0213 is:0.0153 that:0.0133 was:0.0127 in:0.0118 his:0.0093 -:0.8018 to:0.0466 and:0.0446 that:0.0251 as:0.0183 of:0.0162 which:0.0131 the:0.0130 will:0.0114 is:0.0100 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.5463 is:0.1842 was:0.1332 the:0.0340 to:0.0272 and:0.0215 be:0.0162 has:0.0149 in:0.0118 are:0.0106 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9384 own:0.0136 wife:0.0127 friends:0.0064 life:0.0061 time:0.0054 father:0.0051 family:0.0044 way:0.0040 the:0.0039 -:0.6046 that:0.1401 as:0.0621 to:0.0451 and:0.0343 which:0.0308 if:0.0263 for:0.0205 but:0.0190 of:0.0172 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.6706 as:0.1253 and:0.0430 to:0.0338 is:0.0331 in:0.0236 of:0.0225 was:0.0180 that:0.0156 are:0.0145 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.6710 the:0.1474 a:0.0395 and:0.0315 of:0.0242 that:0.0240 to:0.0208 in:0.0169 it:0.0139 for:0.0110 -:0.6971 of:0.0894 in:0.0494 that:0.0394 the:0.0279 by:0.0231 and:0.0202 on:0.0194 with:0.0179 to:0.0160 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7579 and:0.0726 of:0.0642 is:0.0321 the:0.0210 in:0.0152 or:0.0109 as:0.0096 to:0.0083 was:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6503 of:0.0812 in:0.0648 to:0.0430 for:0.0378 at:0.0314 on:0.0270 that:0.0232 by:0.0216 as:0.0196 -:0.5923 for:0.0687 as:0.0573 to:0.0568 in:0.0535 with:0.0448 by:0.0434 at:0.0329 of:0.0273 is:0.0229 -:0.5882 that:0.0959 and:0.0684 as:0.0548 which:0.0478 if:0.0394 of:0.0390 where:0.0249 when:0.0245 but:0.0171 -:0.6119 and:0.0919 to:0.0802 of:0.0670 the:0.0554 a:0.0270 as:0.0265 that:0.0150 was:0.0129 is:0.0122 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7845 and:0.0879 to:0.0299 of:0.0257 but:0.0222 is:0.0140 in:0.0118 from:0.0089 for:0.0078 that:0.0072 -:0.8726 and:0.0343 of:0.0311 the:0.0146 in:0.0122 to:0.0122 other:0.0067 is:0.0064 was:0.0053 on:0.0046 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 who:0.0157 and:0.0122 hundred:0.0114 of:0.0105 years:0.0085 in:0.0072 to:0.0053 down:0.0045 year:0.0042 -:0.6878 to:0.0720 and:0.0519 was:0.0428 the:0.0426 is:0.0241 be:0.0236 will:0.0223 would:0.0170 not:0.0159 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7974 the:0.0733 and:0.0281 is:0.0229 a:0.0164 was:0.0163 have:0.0136 of:0.0123 has:0.0098 had:0.0098 -:0.8708 the:0.0537 a:0.0199 to:0.0164 and:0.0078 in:0.0074 be:0.0068 it:0.0068 said:0.0052 of:0.0050 -be:0.0160 go:0.0132 come:0.0116 get:0.0108 carry:0.0070 do:0.0058 keep:0.0055 speak:0.0053 look:0.0051 inquire:0.0045 -:0.5581 he:0.1195 they:0.0822 it:0.0741 we:0.0423 the:0.0348 she:0.0329 there:0.0265 ho:0.0152 one:0.0144 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7520 the:0.0606 and:0.0510 a:0.0405 of:0.0358 to:0.0222 or:0.0115 is:0.0106 was:0.0086 are:0.0073 -:0.6026 to:0.0867 and:0.0696 of:0.0671 in:0.0474 the:0.0415 was:0.0293 or:0.0205 is:0.0187 for:0.0166 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8482 than:0.1058 and:0.0133 or:0.0070 is:0.0055 up:0.0050 was:0.0042 it:0.0040 engaged:0.0035 published:0.0034 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.9026 other:0.0201 the:0.0171 same:0.0156 said:0.0101 whole:0.0083 great:0.0073 public:0.0064 old:0.0063 first:0.0062 -:0.8011 of:0.0411 the:0.0382 in:0.0259 to:0.0258 and:0.0229 a:0.0166 for:0.0098 is:0.0095 was:0.0091 -:0.6114 to:0.1276 the:0.0563 of:0.0555 and:0.0481 in:0.0322 that:0.0196 for:0.0190 by:0.0182 as:0.0120 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -the:0.0013 few:0.0010 a:0.0010 per:0.0008 nper:0.0007 tho:0.0006 two:0.0006 five:0.0006 three:0.0005 several:0.0005 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6471 in:0.0655 to:0.0582 of:0.0538 and:0.0476 from:0.0329 for:0.0275 by:0.0234 upon:0.0232 with:0.0208 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5729 of:0.1596 the:0.0599 to:0.0528 in:0.0511 and:0.0419 by:0.0187 for:0.0166 with:0.0149 on:0.0118 -:0.7075 and:0.0726 to:0.0670 of:0.0577 the:0.0432 in:0.0120 was:0.0107 is:0.0103 a:0.0100 will:0.0092 -the:0.5503 a:0.1387 :0.1749 his:0.0396 their:0.0258 tho:0.0175 this:0.0161 our:0.0151 an:0.0139 any:0.0081 -:0.6845 of:0.1452 and:0.0437 in:0.0384 to:0.0205 for:0.0191 from:0.0132 with:0.0125 or:0.0117 on:0.0113 -:0.8402 and:0.0411 is:0.0352 was:0.0201 to:0.0170 are:0.0119 of:0.0097 had:0.0085 were:0.0084 have:0.0079 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7090 the:0.1594 a:0.0346 to:0.0175 that:0.0151 and:0.0150 of:0.0129 it:0.0129 his:0.0123 in:0.0112 -:0.8021 of:0.0735 and:0.0406 to:0.0291 in:0.0130 the:0.0108 or:0.0100 for:0.0089 is:0.0062 a:0.0056 -:0.8053 of:0.0978 and:0.0320 at:0.0120 in:0.0104 or:0.0092 for:0.0089 the:0.0087 time:0.0079 is:0.0076 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6008 of:0.1521 in:0.0689 to:0.0359 for:0.0292 with:0.0279 and:0.0244 from:0.0229 by:0.0195 the:0.0182 -:0.7750 to:0.0509 the:0.0415 and:0.0269 of:0.0242 in:0.0210 a:0.0203 that:0.0164 for:0.0120 or:0.0119 -:0.6627 the:0.1804 and:0.0387 a:0.0382 of:0.0269 to:0.0144 is:0.0108 in:0.0102 as:0.0100 his:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4720 he:0.1298 it:0.1155 they:0.1086 we:0.0545 there:0.0461 she:0.0259 you:0.0239 which:0.0124 ho:0.0113 -:0.9557 world:0.0083 city:0.0056 same:0.0053 time:0.0046 state:0.0044 house:0.0043 case:0.0040 country:0.0039 following:0.0039 -the:0.2837 a:0.0875 :0.4317 this:0.0476 his:0.0389 their:0.0360 tho:0.0203 its:0.0192 our:0.0187 her:0.0163 -:0.7885 a:0.0461 the:0.0438 and:0.0305 of:0.0261 was:0.0151 is:0.0150 in:0.0139 to:0.0110 for:0.0101 -:0.6204 of:0.1112 and:0.0765 the:0.0546 to:0.0348 in:0.0276 that:0.0225 is:0.0204 was:0.0181 with:0.0139 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8268 and:0.0376 that:0.0296 as:0.0216 to:0.0184 or:0.0158 will:0.0134 has:0.0128 are:0.0120 it:0.0119 -:0.7494 the:0.1058 a:0.0234 to:0.0223 of:0.0218 and:0.0199 that:0.0182 in:0.0179 it:0.0108 his:0.0104 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.6784 the:0.1536 a:0.0511 and:0.0240 is:0.0222 this:0.0180 his:0.0161 one:0.0136 was:0.0116 their:0.0115 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7979 the:0.0456 and:0.0412 of:0.0203 is:0.0191 that:0.0175 was:0.0174 as:0.0165 have:0.0124 to:0.0120 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.5691 the:0.1274 of:0.0917 a:0.0494 to:0.0421 and:0.0317 in:0.0312 for:0.0240 was:0.0186 by:0.0147 -:0.6842 of:0.1443 and:0.0615 to:0.0207 in:0.0198 as:0.0171 for:0.0161 or:0.0131 that:0.0129 the:0.0103 -:0.7712 of:0.0720 to:0.0514 and:0.0301 the:0.0252 in:0.0167 that:0.0095 for:0.0092 a:0.0081 or:0.0067 -any:0.0282 the:0.0227 :0.8743 two:0.0145 a:0.0135 be:0.0129 three:0.0108 per:0.0099 four:0.0069 other:0.0061 -:0.5840 of:0.1792 and:0.0629 in:0.0417 to:0.0372 that:0.0243 was:0.0198 are:0.0176 for:0.0168 is:0.0165 -:0.7926 the:0.0891 that:0.0365 a:0.0167 in:0.0165 as:0.0118 for:0.0104 his:0.0102 of:0.0081 by:0.0081 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8943 day:0.0255 of:0.0185 time:0.0157 and:0.0156 man:0.0083 that:0.0081 which:0.0056 year:0.0045 place:0.0039 -:0.7478 the:0.0418 and:0.0396 to:0.0388 he:0.0261 was:0.0255 that:0.0255 be:0.0198 in:0.0189 have:0.0162 -:0.6591 in:0.0880 to:0.0862 of:0.0526 for:0.0217 and:0.0197 the:0.0192 by:0.0186 from:0.0178 with:0.0172 -:0.7138 in:0.0474 to:0.0453 with:0.0387 of:0.0319 by:0.0310 for:0.0277 on:0.0234 and:0.0206 that:0.0202 -:0.8156 and:0.0453 to:0.0319 the:0.0255 of:0.0195 is:0.0172 was:0.0158 in:0.0116 as:0.0088 a:0.0088 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0008 a:0.0005 this:0.0005 :0.9963 their:0.0003 those:0.0003 his:0.0003 these:0.0003 whom:0.0003 they:0.0003 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8116 the:0.1197 that:0.0116 all:0.0114 a:0.0109 tho:0.0106 said:0.0070 this:0.0065 her:0.0054 which:0.0054 -:0.5140 of:0.1256 to:0.0949 in:0.0677 for:0.0455 by:0.0361 with:0.0338 that:0.0307 on:0.0271 from:0.0246 -:0.8830 fact:0.0611 said:0.0128 belief:0.0088 time:0.0075 world:0.0070 city:0.0056 opinion:0.0053 same:0.0048 year:0.0041 -:0.7062 and:0.0995 of:0.0829 or:0.0279 to:0.0199 that:0.0181 is:0.0143 was:0.0117 but:0.0101 than:0.0094 -:0.7883 of:0.0355 and:0.0352 the:0.0331 in:0.0227 that:0.0227 as:0.0185 one:0.0163 a:0.0156 for:0.0121 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8561 and:0.0411 to:0.0255 the:0.0229 he:0.0117 a:0.0113 of:0.0088 as:0.0077 was:0.0076 is:0.0072 -:0.7536 to:0.0510 of:0.0374 and:0.0353 the:0.0334 in:0.0269 a:0.0222 that:0.0180 as:0.0112 for:0.0109 -of:0.3507 :0.4476 in:0.0454 and:0.0380 for:0.0284 the:0.0212 or:0.0188 a:0.0183 at:0.0168 that:0.0147 -:0.6470 the:0.0999 of:0.0516 to:0.0442 a:0.0372 and:0.0323 in:0.0310 that:0.0201 by:0.0197 for:0.0170 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9429 is:0.0120 was:0.0092 and:0.0091 are:0.0062 time:0.0059 city:0.0045 man:0.0035 or:0.0034 were:0.0034 -:0.6852 to:0.0904 the:0.0486 of:0.0439 and:0.0395 in:0.0296 that:0.0183 for:0.0168 by:0.0152 a:0.0125 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9319 not:0.0142 and:0.0083 two:0.0074 three:0.0073 the:0.0065 a:0.0064 one:0.0062 or:0.0060 more:0.0057 -:0.6003 the:0.1816 a:0.0519 to:0.0505 of:0.0387 and:0.0312 in:0.0168 his:0.0103 by:0.0094 for:0.0092 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8809 and:0.0318 is:0.0148 to:0.0142 was:0.0125 have:0.0105 had:0.0104 of:0.0085 that:0.0084 has:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.2302 :0.4424 a:0.1216 to:0.0618 and:0.0324 of:0.0323 that:0.0270 his:0.0204 in:0.0185 for:0.0135 -:0.6507 of:0.1390 and:0.0578 in:0.0276 at:0.0259 to:0.0257 for:0.0211 by:0.0182 with:0.0172 that:0.0168 -of:0.3371 :0.3526 to:0.0819 in:0.0618 for:0.0451 and:0.0273 from:0.0264 with:0.0250 on:0.0246 that:0.0184 -:0.8901 same:0.0210 great:0.0187 new:0.0131 most:0.0117 whole:0.0100 first:0.0095 very:0.0093 best:0.0089 entire:0.0077 -:0.7867 and:0.0673 that:0.0299 of:0.0250 but:0.0194 him:0.0193 to:0.0162 in:0.0136 than:0.0122 for:0.0104 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7425 of:0.1356 and:0.0311 hundred:0.0199 to:0.0192 or:0.0156 in:0.0120 the:0.0085 is:0.0083 that:0.0074 -:0.6708 of:0.0916 the:0.0838 and:0.0362 in:0.0288 a:0.0260 for:0.0201 by:0.0149 is:0.0140 with:0.0138 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6970 the:0.1129 and:0.0416 a:0.0358 of:0.0266 to:0.0196 was:0.0193 is:0.0185 that:0.0180 his:0.0108 -:0.8508 the:0.0639 of:0.0190 and:0.0176 a:0.0135 in:0.0119 one:0.0067 for:0.0059 by:0.0055 this:0.0052 -:0.7399 the:0.1493 that:0.0270 a:0.0265 his:0.0151 their:0.0121 tho:0.0084 its:0.0077 in:0.0070 said:0.0069 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.8350 and:0.0531 the:0.0199 is:0.0160 was:0.0154 to:0.0147 a:0.0136 of:0.0128 are:0.0104 that:0.0091 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.6786 and:0.0848 of:0.0693 to:0.0670 in:0.0299 for:0.0164 the:0.0152 from:0.0150 or:0.0127 on:0.0110 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -the:0.1210 to:0.0777 :0.5915 a:0.0450 and:0.0366 his:0.0311 he:0.0278 that:0.0272 this:0.0222 any:0.0200 -:0.5589 will:0.1166 to:0.1058 would:0.0617 and:0.0337 may:0.0332 shall:0.0251 could:0.0222 should:0.0216 can:0.0212 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8366 and:0.0738 to:0.0261 of:0.0192 together:0.0107 but:0.0102 that:0.0071 as:0.0066 time:0.0050 up:0.0046 -the:0.2178 :0.5198 a:0.1496 his:0.0240 an:0.0238 their:0.0164 tho:0.0139 two:0.0134 her:0.0112 three:0.0102 -:0.8236 of:0.0422 and:0.0355 to:0.0277 is:0.0153 was:0.0152 in:0.0148 will:0.0093 had:0.0089 for:0.0074 -of:0.3786 :0.3177 in:0.0689 and:0.0481 for:0.0474 with:0.0430 to:0.0305 from:0.0228 on:0.0228 by:0.0203 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7003 of:0.1045 and:0.0480 to:0.0386 in:0.0231 by:0.0204 for:0.0201 the:0.0175 with:0.0145 that:0.0132 -the:0.3129 :0.5228 a:0.0615 this:0.0224 his:0.0201 tho:0.0176 their:0.0122 these:0.0119 our:0.0095 any:0.0091 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -:0.9059 good:0.0144 few:0.0135 little:0.0126 long:0.0105 great:0.0101 very:0.0099 large:0.0096 certain:0.0084 small:0.0049 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5935 of:0.1152 to:0.0706 and:0.0591 in:0.0524 the:0.0316 for:0.0302 is:0.0169 at:0.0166 by:0.0139 -the:0.2073 :0.4734 to:0.0939 a:0.0813 his:0.0432 of:0.0274 their:0.0243 and:0.0184 in:0.0159 he:0.0149 -:0.7686 of:0.0737 and:0.0413 the:0.0384 to:0.0172 or:0.0145 a:0.0136 in:0.0120 that:0.0119 for:0.0089 -:0.7504 the:0.0808 and:0.0437 a:0.0357 is:0.0212 of:0.0190 was:0.0151 to:0.0138 be:0.0118 or:0.0086 -:0.6914 the:0.1187 a:0.0409 to:0.0335 and:0.0260 is:0.0233 no:0.0179 was:0.0175 are:0.0158 will:0.0149 -:0.9087 of:0.0244 the:0.0153 in:0.0147 and:0.0093 that:0.0084 at:0.0050 for:0.0049 two:0.0046 is:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5455 to:0.1318 of:0.1152 and:0.0757 was:0.0373 in:0.0310 is:0.0263 for:0.0158 as:0.0117 with:0.0098 -:0.7546 to:0.1068 and:0.0392 who:0.0213 will:0.0203 we:0.0131 would:0.0117 he:0.0112 it:0.0111 they:0.0106 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.9432 one:0.0100 out:0.0084 day:0.0081 and:0.0075 is:0.0053 all:0.0046 side:0.0044 amount:0.0043 part:0.0043 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6926 the:0.1578 of:0.0324 a:0.0254 in:0.0226 and:0.0174 his:0.0171 is:0.0122 her:0.0120 this:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7834 and:0.0574 to:0.0397 was:0.0252 is:0.0243 the:0.0229 will:0.0168 of:0.0104 who:0.0102 are:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9166 few:0.0174 great:0.0125 large:0.0106 very:0.0091 little:0.0076 good:0.0075 new:0.0067 certain:0.0064 small:0.0055 -:0.7256 the:0.1150 and:0.0443 of:0.0282 in:0.0180 is:0.0179 was:0.0174 to:0.0144 be:0.0108 a:0.0084 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7033 a:0.0871 the:0.0737 his:0.0293 her:0.0248 said:0.0205 him:0.0172 their:0.0153 it:0.0151 which:0.0139 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7768 are:0.0561 have:0.0355 in:0.0312 were:0.0250 of:0.0229 had:0.0164 to:0.0138 see:0.0118 is:0.0104 -:0.7200 of:0.1372 and:0.0584 in:0.0179 is:0.0143 as:0.0134 was:0.0113 to:0.0102 or:0.0091 for:0.0082 -:0.5584 not:0.1661 be:0.1151 the:0.0651 have:0.0385 a:0.0196 bo:0.0116 he:0.0096 do:0.0081 to:0.0077 -:0.8900 and:0.0296 as:0.0198 that:0.0126 but:0.0099 him:0.0087 up:0.0080 it:0.0079 them:0.0073 or:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0718 a:0.0179 his:0.0146 our:0.0129 their:0.0128 any:0.0122 tho:0.0115 tbe:0.0111 this:0.0100 its:0.0089 -:0.5497 the:0.1766 of:0.1034 a:0.0598 and:0.0342 to:0.0254 in:0.0222 his:0.0135 for:0.0079 by:0.0073 -:0.6556 of:0.1188 the:0.0648 and:0.0461 to:0.0242 in:0.0240 a:0.0187 that:0.0185 for:0.0149 at:0.0145 -:0.5138 of:0.0972 and:0.0912 the:0.0786 to:0.0779 that:0.0469 in:0.0329 for:0.0245 a:0.0223 or:0.0149 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -found:0.0085 made:0.0080 done:0.0052 seen:0.0048 been:0.0042 a:0.0035 become:0.0030 no:0.0029 reached:0.0028 greatly:0.0027 -:0.5868 of:0.1207 to:0.1075 and:0.0572 in:0.0288 the:0.0254 that:0.0246 for:0.0211 or:0.0154 a:0.0125 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.1596 :0.6621 is:0.0494 as:0.0256 a:0.0242 and:0.0173 was:0.0172 of:0.0154 his:0.0149 were:0.0143 -own:0.0148 wife:0.0100 fathers:0.0025 official:0.0025 friends:0.0017 father:0.0017 old:0.0016 family:0.0015 life:0.0014 southwest:0.0014 -that:0.3489 :0.4920 of:0.0342 and:0.0339 for:0.0201 in:0.0185 as:0.0171 to:0.0132 which:0.0131 but:0.0091 -:0.8149 the:0.0554 a:0.0457 that:0.0294 and:0.0151 at:0.0084 in:0.0083 as:0.0081 of:0.0073 for:0.0073 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.7821 of:0.0547 to:0.0344 and:0.0343 the:0.0272 in:0.0202 for:0.0135 that:0.0125 or:0.0108 at:0.0104 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.8679 and:0.0310 to:0.0238 of:0.0165 in:0.0158 is:0.0128 he:0.0110 was:0.0084 or:0.0071 that:0.0058 -:0.5745 the:0.1991 a:0.1142 of:0.0313 in:0.0166 and:0.0161 to:0.0158 his:0.0112 for:0.0107 this:0.0104 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -the:0.2697 :0.5134 a:0.0856 of:0.0288 and:0.0234 to:0.0210 this:0.0199 tho:0.0144 his:0.0144 their:0.0095 -:0.6254 to:0.1241 in:0.0540 of:0.0445 by:0.0320 with:0.0259 for:0.0247 and:0.0245 on:0.0235 from:0.0215 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -cent:0.2903 :0.6079 annum:0.0678 acre:0.0061 centum:0.0059 is:0.0058 day:0.0046 and:0.0045 up:0.0036 hand:0.0035 -:0.6751 the:0.0990 of:0.0575 and:0.0547 as:0.0237 in:0.0223 is:0.0188 a:0.0187 to:0.0156 or:0.0145 -:0.9119 and:0.0210 to:0.0161 one:0.0111 or:0.0094 that:0.0071 as:0.0065 but:0.0059 of:0.0059 line:0.0051 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8819 and:0.0404 is:0.0167 as:0.0125 was:0.0103 to:0.0093 or:0.0084 are:0.0075 were:0.0068 of:0.0061 -:0.7058 of:0.0746 the:0.0576 and:0.0481 in:0.0234 that:0.0234 for:0.0220 with:0.0176 a:0.0141 by:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7598 the:0.0778 and:0.0323 was:0.0235 to:0.0219 a:0.0217 of:0.0201 be:0.0180 is:0.0155 are:0.0094 -:0.9472 people:0.0104 city:0.0097 government:0.0071 law:0.0053 county:0.0046 case:0.0042 right:0.0042 same:0.0039 time:0.0034 -of:0.1425 :0.7038 and:0.0521 in:0.0237 to:0.0231 or:0.0121 on:0.0111 for:0.0107 from:0.0106 at:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -are:0.1786 could:0.1261 do:0.0903 did:0.0746 will:0.0702 have:0.0606 would:0.0593 were:0.0565 had:0.0541 :0.2297 -:0.6176 of:0.1830 and:0.0757 in:0.0268 to:0.0248 the:0.0221 or:0.0133 are:0.0129 for:0.0122 with:0.0116 -:0.7080 the:0.0828 and:0.0418 a:0.0352 of:0.0303 to:0.0301 was:0.0233 is:0.0184 has:0.0162 be:0.0139 -:0.6332 to:0.0788 and:0.0635 of:0.0508 was:0.0445 is:0.0383 the:0.0291 a:0.0244 in:0.0196 be:0.0179 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8915 part:0.0212 one:0.0174 day:0.0159 line:0.0116 out:0.0113 side:0.0103 time:0.0080 corner:0.0070 use:0.0058 -:0.9358 same:0.0153 said:0.0143 other:0.0068 present:0.0067 first:0.0053 following:0.0042 best:0.0040 city:0.0039 young:0.0038 -the:0.5294 a:0.1092 :0.2203 his:0.0345 this:0.0301 their:0.0235 tho:0.0165 its:0.0148 any:0.0124 our:0.0093 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -the:0.3232 :0.5392 a:0.0571 this:0.0256 any:0.0148 no:0.0101 tho:0.0085 his:0.0074 said:0.0072 their:0.0069 -:0.8190 the:0.0492 a:0.0310 it:0.0223 so:0.0156 his:0.0140 and:0.0140 he:0.0126 that:0.0125 their:0.0098 -:0.6613 the:0.0973 of:0.0503 a:0.0492 and:0.0488 to:0.0262 or:0.0244 in:0.0194 for:0.0118 that:0.0114 -of:0.1334 :0.4737 to:0.0904 in:0.0823 at:0.0470 on:0.0419 by:0.0401 for:0.0351 that:0.0283 and:0.0277 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7645 and:0.0516 was:0.0352 is:0.0342 to:0.0276 of:0.0272 in:0.0206 be:0.0160 have:0.0128 had:0.0104 -:0.7695 the:0.0457 of:0.0449 a:0.0391 and:0.0336 to:0.0262 in:0.0120 is:0.0106 at:0.0094 are:0.0090 -:0.9766 hundred:0.0034 more:0.0031 it:0.0030 day:0.0026 time:0.0025 land:0.0024 city:0.0022 place:0.0022 men:0.0021 -:0.8576 to:0.0217 and:0.0205 of:0.0174 the:0.0154 is:0.0152 be:0.0143 he:0.0128 in:0.0127 was:0.0124 -of:0.5442 in:0.0630 :0.1881 to:0.0465 for:0.0381 and:0.0338 by:0.0245 on:0.0212 from:0.0211 with:0.0196 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -:0.7677 in:0.0448 of:0.0413 that:0.0303 for:0.0224 to:0.0210 with:0.0203 and:0.0200 from:0.0171 on:0.0150 -:0.6523 the:0.2054 and:0.0293 a:0.0240 of:0.0208 this:0.0189 to:0.0163 that:0.0125 his:0.0103 tho:0.0102 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.8906 the:0.0509 a:0.0148 and:0.0090 of:0.0089 his:0.0067 in:0.0057 to:0.0047 was:0.0044 tho:0.0042 -the:0.2207 :0.6094 a:0.0490 he:0.0222 and:0.0207 more:0.0182 tho:0.0155 this:0.0153 that:0.0147 much:0.0145 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -have:0.0385 :0.8744 had:0.0163 as:0.0159 is:0.0106 has:0.0106 be:0.0095 was:0.0090 that:0.0078 do:0.0075 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.8028 to:0.0471 and:0.0381 of:0.0226 the:0.0206 is:0.0180 was:0.0175 or:0.0125 as:0.0114 be:0.0094 -:0.7153 of:0.1058 and:0.0432 in:0.0330 for:0.0237 the:0.0212 a:0.0183 by:0.0142 to:0.0130 with:0.0123 -:0.6992 of:0.0639 and:0.0550 had:0.0341 has:0.0329 in:0.0266 for:0.0255 was:0.0246 are:0.0196 is:0.0187 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.5838 to:0.1964 and:0.0805 of:0.0313 in:0.0277 for:0.0208 the:0.0191 by:0.0169 that:0.0129 from:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7904 and:0.0577 the:0.0383 to:0.0299 of:0.0262 a:0.0144 will:0.0129 in:0.0110 is:0.0096 was:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8451 the:0.0298 to:0.0255 and:0.0199 that:0.0181 a:0.0176 of:0.0162 in:0.0113 for:0.0092 it:0.0072 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7266 a:0.1153 the:0.0670 not:0.0218 no:0.0173 in:0.0110 two:0.0106 one:0.0105 so:0.0104 only:0.0095 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7030 to:0.0705 of:0.0697 and:0.0505 in:0.0360 the:0.0230 is:0.0161 was:0.0128 for:0.0106 a:0.0077 -:0.8448 he:0.0420 the:0.0346 it:0.0136 his:0.0125 that:0.0125 there:0.0106 she:0.0103 a:0.0100 this:0.0090 -:0.7545 a:0.0574 the:0.0523 to:0.0412 and:0.0357 will:0.0167 of:0.0117 are:0.0113 was:0.0101 his:0.0092 -:0.5965 the:0.2730 a:0.0362 of:0.0193 his:0.0169 and:0.0158 is:0.0117 to:0.0110 in:0.0107 tho:0.0089 -:0.8602 the:0.0587 and:0.0297 a:0.0155 more:0.0079 to:0.0064 of:0.0059 that:0.0057 was:0.0052 is:0.0049 -:0.7414 to:0.0702 of:0.0499 and:0.0485 the:0.0250 in:0.0237 is:0.0124 for:0.0106 have:0.0094 will:0.0089 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8517 few:0.0586 little:0.0186 good:0.0166 great:0.0153 large:0.0113 certain:0.0079 young:0.0071 new:0.0065 very:0.0065 -:0.5994 be:0.1185 a:0.1151 the:0.0701 only:0.0325 been:0.0161 no:0.0140 bo:0.0120 that:0.0115 to:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -been:0.2466 :0.6243 a:0.0339 the:0.0328 done:0.0118 not:0.0117 no:0.0103 always:0.0099 had:0.0095 already:0.0091 -the:0.2850 be:0.2502 :0.3099 a:0.0728 his:0.0247 bo:0.0165 tho:0.0123 have:0.0108 do:0.0090 take:0.0088 -:0.8273 to:0.0405 the:0.0250 of:0.0224 and:0.0214 in:0.0214 a:0.0155 is:0.0089 was:0.0088 for:0.0087 -:0.5808 the:0.1090 a:0.1009 his:0.0581 to:0.0454 of:0.0422 and:0.0361 in:0.0122 their:0.0081 he:0.0072 -:0.9198 day:0.0227 time:0.0112 part:0.0075 act:0.0074 matter:0.0074 one:0.0070 use:0.0058 line:0.0057 end:0.0056 -:0.8667 out:0.0406 one:0.0285 some:0.0114 and:0.0109 to:0.0103 line:0.0092 part:0.0084 that:0.0075 all:0.0065 -:0.7977 the:0.1005 all:0.0161 said:0.0159 a:0.0145 his:0.0143 tho:0.0109 this:0.0109 such:0.0101 their:0.0091 -:0.9154 and:0.0306 one:0.0094 is:0.0086 was:0.0080 a:0.0068 the:0.0063 to:0.0052 are:0.0051 of:0.0046 -:0.7616 of:0.0875 and:0.0476 or:0.0302 are:0.0187 is:0.0158 the:0.0141 for:0.0090 was:0.0083 were:0.0072 -:0.6305 the:0.1142 of:0.0793 a:0.0420 and:0.0357 in:0.0317 for:0.0229 is:0.0159 to:0.0144 with:0.0135 -:0.6957 of:0.1281 and:0.0602 the:0.0251 in:0.0245 to:0.0242 for:0.0109 that:0.0108 or:0.0103 a:0.0103 -:0.6485 to:0.0959 and:0.0396 will:0.0345 had:0.0335 was:0.0326 would:0.0313 have:0.0295 has:0.0295 of:0.0250 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6305 the:0.1627 a:0.1299 his:0.0168 all:0.0115 her:0.0112 this:0.0111 their:0.0103 tho:0.0089 its:0.0072 -:0.5217 of:0.2220 in:0.0708 to:0.0368 with:0.0364 and:0.0327 for:0.0304 from:0.0183 on:0.0173 by:0.0136 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.4763 :0.2643 a:0.1206 this:0.0394 tho:0.0272 his:0.0253 our:0.0150 said:0.0113 their:0.0108 its:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9079 and:0.0250 is:0.0136 the:0.0106 to:0.0091 was:0.0080 so:0.0070 are:0.0068 went:0.0066 it:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6777 the:0.1426 a:0.0446 of:0.0397 and:0.0388 in:0.0172 is:0.0107 to:0.0101 for:0.0095 at:0.0091 -:0.8257 of:0.0721 and:0.0333 to:0.0167 in:0.0140 the:0.0095 as:0.0091 is:0.0074 for:0.0068 a:0.0055 -:0.7695 and:0.0584 that:0.0479 which:0.0260 of:0.0227 as:0.0227 if:0.0167 when:0.0151 time:0.0107 but:0.0101 -:0.9170 the:0.0239 all:0.0097 them:0.0092 it:0.0091 which:0.0087 this:0.0080 land:0.0069 men:0.0039 said:0.0036 -:0.8517 few:0.0586 little:0.0186 good:0.0166 great:0.0153 large:0.0113 certain:0.0079 young:0.0071 new:0.0065 very:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8184 of:0.0612 and:0.0344 the:0.0214 to:0.0156 are:0.0114 in:0.0113 is:0.0107 have:0.0084 or:0.0074 -:0.8395 of:0.0474 and:0.0283 the:0.0189 to:0.0165 in:0.0150 or:0.0096 for:0.0095 that:0.0076 with:0.0076 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.8443 the:0.0792 a:0.0271 said:0.0114 his:0.0094 so:0.0078 their:0.0060 all:0.0059 no:0.0046 tho:0.0045 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -:0.7921 large:0.0359 great:0.0311 few:0.0283 good:0.0272 little:0.0271 very:0.0259 small:0.0122 a:0.0105 long:0.0098 -:0.9286 own:0.0176 wife:0.0170 life:0.0074 years:0.0062 friends:0.0061 hands:0.0048 office:0.0046 way:0.0039 hundred:0.0038 -:0.9531 city:0.0075 same:0.0070 people:0.0050 county:0.0050 law:0.0050 right:0.0050 person:0.0042 best:0.0042 time:0.0041 -the:0.2877 :0.5595 a:0.0517 that:0.0176 this:0.0158 his:0.0155 it:0.0149 their:0.0129 and:0.0122 to:0.0121 -:0.9129 a:0.0133 he:0.0129 and:0.0127 as:0.0112 it:0.0108 the:0.0076 that:0.0067 which:0.0063 be:0.0057 -the:0.3352 :0.5014 a:0.0565 his:0.0236 this:0.0215 tho:0.0200 their:0.0112 said:0.0109 its:0.0101 our:0.0096 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.8078 and:0.0520 the:0.0303 of:0.0251 that:0.0248 is:0.0140 in:0.0139 was:0.0133 a:0.0096 which:0.0092 -:0.7238 to:0.0791 and:0.0554 of:0.0448 in:0.0273 by:0.0165 was:0.0144 with:0.0136 for:0.0135 at:0.0117 -:0.7782 to:0.0555 and:0.0270 the:0.0257 of:0.0240 in:0.0231 for:0.0201 by:0.0175 at:0.0145 that:0.0143 -a:0.0541 :0.8512 able:0.0227 the:0.0178 an:0.0105 no:0.0096 very:0.0093 made:0.0091 found:0.0084 done:0.0074 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.8151 the:0.0545 and:0.0370 a:0.0240 of:0.0230 in:0.0132 is:0.0099 or:0.0099 that:0.0067 was:0.0067 -:0.7952 of:0.0552 years:0.0418 or:0.0241 hundred:0.0209 and:0.0208 days:0.0154 weeks:0.0105 months:0.0089 the:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8366 in:0.0294 as:0.0243 that:0.0192 for:0.0176 is:0.0174 was:0.0169 with:0.0145 by:0.0126 to:0.0116 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -of:0.4988 :0.2746 to:0.0480 in:0.0414 with:0.0318 and:0.0262 for:0.0240 on:0.0227 by:0.0164 from:0.0161 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7189 of:0.0692 and:0.0488 that:0.0331 in:0.0292 for:0.0274 to:0.0250 with:0.0195 as:0.0149 is:0.0140 -:0.5781 the:0.2270 a:0.0832 his:0.0182 any:0.0176 and:0.0170 this:0.0166 an:0.0151 to:0.0139 in:0.0135 -:0.7760 and:0.0450 of:0.0415 to:0.0333 the:0.0333 for:0.0173 in:0.0142 that:0.0135 with:0.0131 a:0.0128 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2344 :0.5385 and:0.0760 to:0.0502 in:0.0208 the:0.0204 for:0.0183 or:0.0168 with:0.0132 as:0.0115 -:0.8430 and:0.0389 of:0.0335 the:0.0235 a:0.0141 to:0.0100 was:0.0097 is:0.0096 in:0.0090 or:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7075 and:0.0726 to:0.0670 of:0.0577 the:0.0432 in:0.0120 was:0.0107 is:0.0103 a:0.0100 will:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6482 of:0.1048 to:0.0804 and:0.0642 in:0.0232 that:0.0190 for:0.0180 or:0.0165 are:0.0133 at:0.0124 -:0.6650 to:0.0982 the:0.0511 of:0.0447 and:0.0379 in:0.0312 a:0.0236 by:0.0194 for:0.0159 with:0.0129 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.6767 the:0.1387 a:0.0679 of:0.0528 and:0.0194 in:0.0103 for:0.0100 with:0.0084 tho:0.0083 by:0.0077 -:0.6698 the:0.1343 a:0.0770 and:0.0310 of:0.0235 to:0.0167 this:0.0138 was:0.0131 is:0.0106 his:0.0102 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9404 the:0.0180 a:0.0117 and:0.0054 said:0.0051 be:0.0049 he:0.0043 his:0.0039 have:0.0033 this:0.0029 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.8532 go:0.0396 come:0.0225 return:0.0155 him:0.0149 try:0.0134 be:0.0114 them:0.0111 have:0.0099 appear:0.0085 -:0.5171 the:0.1964 a:0.0833 and:0.0486 to:0.0377 was:0.0352 is:0.0269 be:0.0223 of:0.0175 he:0.0150 -:0.7730 and:0.0657 of:0.0321 is:0.0317 was:0.0315 to:0.0278 the:0.0115 be:0.0098 or:0.0094 in:0.0075 -:0.6613 the:0.1605 a:0.0409 and:0.0368 of:0.0298 is:0.0199 was:0.0147 to:0.0140 are:0.0112 or:0.0110 -:0.6040 of:0.2028 in:0.0474 for:0.0236 that:0.0234 and:0.0217 with:0.0214 by:0.0195 to:0.0183 the:0.0179 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8370 and:0.0489 of:0.0220 is:0.0195 the:0.0166 was:0.0146 to:0.0132 he:0.0108 have:0.0088 are:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7699 the:0.0936 and:0.0229 was:0.0206 be:0.0188 is:0.0174 a:0.0174 to:0.0139 have:0.0136 of:0.0119 -be:0.6822 have:0.0817 :0.1855 bo:0.0155 had:0.0080 been:0.0070 are:0.0052 to:0.0050 was:0.0050 go:0.0049 -:0.6296 the:0.1931 a:0.1216 his:0.0146 their:0.0077 tho:0.0074 an:0.0071 and:0.0070 said:0.0062 be:0.0056 -:0.8136 a:0.0631 the:0.0428 and:0.0201 one:0.0137 an:0.0113 any:0.0091 is:0.0090 this:0.0090 that:0.0081 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -:0.8126 and:0.0549 the:0.0345 to:0.0170 was:0.0168 is:0.0160 of:0.0147 a:0.0132 are:0.0106 or:0.0098 -:0.9475 same:0.0110 first:0.0078 best:0.0065 great:0.0052 most:0.0049 two:0.0045 last:0.0045 next:0.0044 past:0.0039 -:0.9027 and:0.0385 is:0.0117 was:0.0089 or:0.0082 but:0.0068 to:0.0067 year:0.0066 of:0.0053 are:0.0047 -:0.6276 of:0.1583 to:0.0602 and:0.0447 in:0.0230 are:0.0217 will:0.0203 is:0.0189 was:0.0129 or:0.0124 -:0.6816 of:0.1154 to:0.0589 and:0.0341 the:0.0304 for:0.0190 in:0.0168 a:0.0164 with:0.0143 on:0.0131 -a:0.0590 the:0.0448 :0.8091 per:0.0217 any:0.0159 their:0.0133 his:0.0110 some:0.0091 many:0.0086 an:0.0075 -:0.8354 and:0.0538 the:0.0391 of:0.0138 that:0.0130 to:0.0099 has:0.0091 was:0.0091 have:0.0086 as:0.0081 -:0.7521 not:0.0595 to:0.0336 in:0.0293 as:0.0243 with:0.0222 that:0.0214 for:0.0210 made:0.0202 at:0.0164 -a:0.2584 the:0.1550 :0.3977 to:0.0452 of:0.0419 and:0.0273 an:0.0215 that:0.0210 for:0.0173 in:0.0147 -:0.5879 to:0.1788 and:0.0796 of:0.0354 as:0.0345 or:0.0206 in:0.0190 that:0.0172 for:0.0148 by:0.0121 -:0.9516 way:0.0083 day:0.0069 time:0.0067 and:0.0050 work:0.0050 part:0.0046 hands:0.0042 position:0.0039 home:0.0038 -:0.7316 to:0.0945 the:0.0322 of:0.0312 in:0.0285 and:0.0269 a:0.0161 by:0.0157 for:0.0119 on:0.0114 -:0.8310 the:0.0339 of:0.0290 and:0.0235 a:0.0153 in:0.0152 to:0.0146 as:0.0143 at:0.0125 for:0.0106 -:0.7709 and:0.0551 to:0.0432 as:0.0370 of:0.0233 if:0.0195 which:0.0152 that:0.0143 the:0.0118 for:0.0098 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.8258 the:0.0526 to:0.0257 and:0.0241 a:0.0240 in:0.0113 of:0.0109 by:0.0101 with:0.0079 for:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8604 all:0.0457 the:0.0244 that:0.0233 which:0.0133 in:0.0110 said:0.0063 at:0.0063 of:0.0047 to:0.0045 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -be:0.3534 :0.5062 not:0.0349 have:0.0238 bo:0.0205 give:0.0131 make:0.0131 get:0.0130 to:0.0109 see:0.0109 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8201 of:0.0463 to:0.0431 and:0.0280 in:0.0210 on:0.0086 by:0.0084 for:0.0082 the:0.0081 from:0.0080 -:0.8327 few:0.0346 little:0.0263 great:0.0219 large:0.0191 good:0.0182 very:0.0154 new:0.0111 certain:0.0111 small:0.0097 -a:0.2035 the:0.1356 :0.4561 no:0.0635 not:0.0475 an:0.0215 hereby:0.0212 very:0.0185 to:0.0175 so:0.0151 -:0.7553 have:0.0807 are:0.0615 were:0.0213 had:0.0195 will:0.0183 do:0.0139 be:0.0105 can:0.0101 would:0.0088 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6611 of:0.0832 and:0.0563 is:0.0439 in:0.0315 as:0.0304 for:0.0262 that:0.0247 at:0.0227 was:0.0199 -:0.6877 of:0.0643 to:0.0586 the:0.0518 and:0.0322 in:0.0322 a:0.0218 for:0.0179 by:0.0169 with:0.0165 -:0.7932 of:0.0532 and:0.0300 to:0.0298 in:0.0274 for:0.0148 the:0.0145 with:0.0129 by:0.0121 on:0.0121 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8751 in:0.0288 that:0.0227 to:0.0156 at:0.0153 of:0.0092 if:0.0085 when:0.0083 for:0.0083 from:0.0080 -:0.7238 to:0.0791 and:0.0554 of:0.0448 in:0.0273 by:0.0165 was:0.0144 with:0.0136 for:0.0135 at:0.0117 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.7456 the:0.0725 to:0.0660 and:0.0355 a:0.0262 will:0.0173 of:0.0119 was:0.0087 is:0.0085 or:0.0080 -:0.8541 it:0.0413 the:0.0245 him:0.0226 which:0.0158 them:0.0145 that:0.0082 all:0.0076 and:0.0061 time:0.0054 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7038 and:0.0605 to:0.0557 is:0.0491 was:0.0317 a:0.0300 were:0.0176 of:0.0175 be:0.0173 are:0.0168 -:0.8656 and:0.0409 to:0.0228 of:0.0213 in:0.0105 the:0.0098 for:0.0085 is:0.0075 or:0.0069 with:0.0063 -:0.7784 the:0.0663 and:0.0437 of:0.0339 a:0.0213 to:0.0185 in:0.0104 are:0.0096 that:0.0089 is:0.0088 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7815 that:0.0577 the:0.0426 and:0.0294 as:0.0236 of:0.0190 in:0.0137 so:0.0131 by:0.0097 a:0.0095 -:0.5090 the:0.2572 a:0.0546 to:0.0486 of:0.0422 and:0.0302 this:0.0194 his:0.0176 in:0.0123 tho:0.0090 -:0.7038 the:0.1432 a:0.0446 and:0.0362 of:0.0210 or:0.0117 two:0.0104 was:0.0101 to:0.0098 per:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7194 the:0.1090 to:0.0553 and:0.0326 of:0.0238 a:0.0157 in:0.0135 was:0.0122 is:0.0111 for:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7220 the:0.0980 and:0.0380 of:0.0361 a:0.0304 was:0.0198 is:0.0153 to:0.0145 have:0.0143 in:0.0118 -:0.9381 and:0.0113 the:0.0100 that:0.0094 interest:0.0081 men:0.0051 him:0.0049 them:0.0046 land:0.0045 it:0.0040 -:0.7633 and:0.0583 is:0.0374 to:0.0368 of:0.0293 was:0.0222 have:0.0160 for:0.0126 are:0.0123 as:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1932 :0.4818 to:0.1105 in:0.0643 and:0.0346 at:0.0309 for:0.0268 from:0.0203 on:0.0193 with:0.0182 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -the:0.2358 :0.5729 a:0.0512 this:0.0368 his:0.0234 any:0.0213 tho:0.0183 their:0.0159 its:0.0129 all:0.0115 -:0.8557 that:0.0235 the:0.0216 a:0.0193 and:0.0182 in:0.0179 as:0.0128 of:0.0122 to:0.0097 be:0.0089 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7363 of:0.0793 and:0.0575 the:0.0348 in:0.0253 to:0.0201 a:0.0124 for:0.0124 or:0.0117 is:0.0102 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7472 of:0.0660 and:0.0429 hundred:0.0313 or:0.0291 to:0.0261 was:0.0198 is:0.0170 man:0.0121 will:0.0086 -:0.9562 and:0.0114 time:0.0057 men:0.0046 him:0.0042 one:0.0041 it:0.0036 that:0.0035 way:0.0034 day:0.0033 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6161 to:0.0906 of:0.0902 and:0.0577 in:0.0310 by:0.0310 the:0.0238 for:0.0212 that:0.0201 at:0.0183 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.6479 the:0.2037 a:0.0416 tho:0.0270 said:0.0206 this:0.0184 all:0.0126 our:0.0109 her:0.0090 any:0.0083 -:0.9658 people:0.0057 time:0.0045 city:0.0043 world:0.0035 same:0.0034 country:0.0034 ground:0.0032 following:0.0032 work:0.0030 -:0.7011 the:0.1154 a:0.0668 and:0.0301 to:0.0278 this:0.0156 his:0.0140 one:0.0135 was:0.0083 of:0.0074 -:0.7308 of:0.0919 and:0.0377 in:0.0295 to:0.0260 with:0.0191 for:0.0190 the:0.0168 was:0.0147 is:0.0144 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7248 the:0.1118 and:0.0363 to:0.0359 a:0.0274 is:0.0163 was:0.0156 of:0.0141 will:0.0110 not:0.0069 -:0.4960 to:0.2031 of:0.0897 the:0.0801 and:0.0469 a:0.0322 in:0.0230 for:0.0122 was:0.0084 is:0.0083 -:0.8336 the:0.0922 a:0.0187 that:0.0129 to:0.0096 his:0.0069 other:0.0068 all:0.0068 then:0.0063 as:0.0062 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9572 right:0.0065 time:0.0061 and:0.0052 order:0.0052 power:0.0044 return:0.0042 it:0.0038 as:0.0038 feet:0.0036 -:0.7436 the:0.1209 a:0.0323 of:0.0315 and:0.0246 in:0.0110 to:0.0109 that:0.0092 tho:0.0090 his:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6113 to:0.1487 and:0.0543 of:0.0414 the:0.0361 will:0.0284 is:0.0239 in:0.0208 was:0.0204 a:0.0147 -:0.9198 it:0.0282 he:0.0143 the:0.0098 there:0.0068 that:0.0044 they:0.0043 and:0.0043 in:0.0042 one:0.0039 -the:0.3793 :0.4179 a:0.0456 this:0.0397 his:0.0274 to:0.0256 tho:0.0208 which:0.0196 and:0.0127 their:0.0115 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8453 to:0.0395 and:0.0329 of:0.0205 that:0.0170 as:0.0110 will:0.0098 the:0.0083 or:0.0079 for:0.0078 -:0.7583 the:0.0595 two:0.0333 three:0.0314 of:0.0242 a:0.0228 and:0.0225 is:0.0215 in:0.0133 to:0.0132 -the:0.3699 :0.3934 be:0.0753 a:0.0674 his:0.0241 tho:0.0193 this:0.0172 their:0.0119 our:0.0109 its:0.0105 -:0.9407 and:0.0127 of:0.0088 day:0.0076 time:0.0064 in:0.0053 up:0.0052 years:0.0048 days:0.0043 hundred:0.0041 -:0.5276 the:0.2008 to:0.0754 of:0.0665 a:0.0590 and:0.0228 in:0.0138 for:0.0126 by:0.0108 his:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8735 and:0.0381 it:0.0206 him:0.0133 which:0.0126 them:0.0097 to:0.0089 the:0.0087 of:0.0081 that:0.0065 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -:0.7951 to:0.0421 the:0.0381 is:0.0295 and:0.0275 was:0.0184 of:0.0149 a:0.0125 or:0.0118 be:0.0101 -:0.8687 the:0.0526 old:0.0216 other:0.0127 hour:0.0096 this:0.0091 a:0.0090 own:0.0063 years:0.0053 first:0.0051 -the:0.3484 :0.4629 a:0.0637 of:0.0240 and:0.0217 his:0.0209 was:0.0171 is:0.0155 tho:0.0136 an:0.0122 -:0.7502 and:0.0551 of:0.0443 to:0.0420 in:0.0315 for:0.0205 that:0.0175 as:0.0154 is:0.0124 from:0.0112 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.9205 it:0.0137 he:0.0120 to:0.0106 will:0.0093 and:0.0092 not:0.0083 the:0.0061 that:0.0060 would:0.0043 -:0.6451 the:0.1320 a:0.0566 of:0.0312 in:0.0305 to:0.0285 and:0.0248 at:0.0199 by:0.0186 for:0.0127 -:0.8363 of:0.0590 and:0.0284 to:0.0154 that:0.0134 the:0.0132 in:0.0126 who:0.0074 or:0.0071 for:0.0071 -of:0.3188 :0.4808 in:0.0580 to:0.0362 and:0.0360 is:0.0158 on:0.0148 for:0.0135 by:0.0132 was:0.0129 -:0.6096 of:0.1327 to:0.0645 in:0.0397 and:0.0382 for:0.0321 by:0.0270 with:0.0230 on:0.0179 from:0.0153 -:0.8884 and:0.0277 of:0.0188 the:0.0143 was:0.0097 is:0.0094 that:0.0082 have:0.0082 or:0.0081 had:0.0072 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8185 and:0.0539 to:0.0336 the:0.0189 was:0.0173 is:0.0154 a:0.0120 are:0.0111 of:0.0103 be:0.0089 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7098 the:0.0789 a:0.0449 and:0.0445 of:0.0427 to:0.0182 in:0.0167 that:0.0167 his:0.0143 for:0.0132 -:0.7287 be:0.1061 the:0.0316 a:0.0297 only:0.0280 have:0.0202 been:0.0184 to:0.0163 not:0.0115 bo:0.0095 -:0.6622 the:0.1470 a:0.0570 of:0.0485 and:0.0251 is:0.0131 to:0.0130 this:0.0120 his:0.0116 in:0.0105 -:0.5009 the:0.1952 a:0.1566 his:0.0529 their:0.0296 its:0.0168 to:0.0136 all:0.0121 an:0.0116 this:0.0107 -:0.7605 the:0.0752 and:0.0440 a:0.0301 of:0.0242 to:0.0166 is:0.0138 was:0.0137 who:0.0121 are:0.0098 -:0.9842 the:0.0025 that:0.0021 be:0.0021 is:0.0019 more:0.0016 are:0.0015 was:0.0014 and:0.0014 he:0.0013 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9085 out:0.0206 and:0.0148 one:0.0115 years:0.0111 part:0.0080 side:0.0072 all:0.0065 or:0.0061 line:0.0056 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9077 as:0.0178 him:0.0171 them:0.0125 and:0.0112 up:0.0089 us:0.0069 able:0.0065 enough:0.0060 it:0.0054 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.6741 to:0.0971 will:0.0749 and:0.0352 can:0.0247 would:0.0242 may:0.0213 could:0.0178 we:0.0156 as:0.0150 -:0.7839 the:0.0557 of:0.0395 and:0.0316 to:0.0209 that:0.0204 in:0.0169 which:0.0119 with:0.0096 by:0.0096 -:0.7080 the:0.0828 and:0.0418 a:0.0352 of:0.0303 to:0.0301 was:0.0233 is:0.0184 has:0.0162 be:0.0139 -:0.7070 the:0.1693 to:0.0304 a:0.0237 any:0.0144 and:0.0143 in:0.0132 his:0.0120 is:0.0082 this:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8240 of:0.0478 and:0.0329 the:0.0224 to:0.0170 that:0.0145 in:0.0131 for:0.0121 with:0.0085 as:0.0077 -:0.7898 to:0.0434 of:0.0406 the:0.0376 and:0.0314 in:0.0178 that:0.0129 for:0.0101 or:0.0090 a:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.9076 day:0.0165 wife:0.0133 office:0.0126 hands:0.0101 head:0.0090 side:0.0084 part:0.0080 name:0.0072 duty:0.0072 -:0.5633 the:0.1812 of:0.0837 and:0.0513 a:0.0363 at:0.0205 in:0.0203 that:0.0156 by:0.0155 for:0.0124 -:0.7710 the:0.1118 his:0.0209 this:0.0189 said:0.0174 their:0.0145 these:0.0127 a:0.0119 tho:0.0118 those:0.0091 -:0.5205 we:0.1594 they:0.1237 to:0.0725 you:0.0509 he:0.0235 and:0.0173 it:0.0126 will:0.0101 who:0.0096 -:0.6058 to:0.0993 of:0.0632 the:0.0512 and:0.0460 in:0.0388 a:0.0356 for:0.0216 on:0.0193 by:0.0192 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6351 of:0.1670 to:0.0493 in:0.0329 with:0.0260 for:0.0240 and:0.0234 from:0.0149 as:0.0137 on:0.0136 -:0.7697 went:0.0508 had:0.0480 is:0.0286 was:0.0270 came:0.0208 began:0.0189 seemed:0.0146 ought:0.0119 has:0.0097 -:0.9408 the:0.0104 be:0.0095 him:0.0088 work:0.0080 go:0.0058 me:0.0052 them:0.0046 appear:0.0036 do:0.0034 -:0.9521 other:0.0081 two:0.0078 year:0.0051 three:0.0047 man:0.0047 more:0.0047 few:0.0044 old:0.0042 great:0.0042 -:0.6174 the:0.2283 a:0.0392 and:0.0276 of:0.0198 this:0.0189 his:0.0174 is:0.0119 their:0.0098 tho:0.0097 -the:0.4383 :0.3723 a:0.0616 his:0.0328 tho:0.0296 this:0.0170 our:0.0141 her:0.0129 their:0.0127 such:0.0087 -:0.8396 of:0.0633 and:0.0347 the:0.0143 in:0.0128 that:0.0091 or:0.0081 at:0.0061 to:0.0061 for:0.0060 -the:0.2089 a:0.0440 :0.6257 he:0.0271 tho:0.0237 his:0.0184 this:0.0172 we:0.0136 they:0.0112 no:0.0103 -:0.5779 of:0.1206 and:0.0651 the:0.0552 to:0.0519 in:0.0421 a:0.0282 that:0.0206 at:0.0196 by:0.0190 -:0.6721 of:0.0840 and:0.0742 to:0.0492 is:0.0345 but:0.0317 that:0.0156 for:0.0138 was:0.0128 in:0.0121 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7839 the:0.0728 he:0.0295 and:0.0247 a:0.0226 to:0.0149 of:0.0141 in:0.0138 it:0.0136 they:0.0101 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.6065 the:0.1432 to:0.0669 a:0.0549 of:0.0548 and:0.0312 his:0.0115 this:0.0111 said:0.0100 in:0.0099 -:0.8469 and:0.0314 of:0.0290 to:0.0268 in:0.0169 the:0.0147 that:0.0124 for:0.0075 as:0.0073 or:0.0070 -:0.7527 to:0.1023 and:0.0370 of:0.0302 in:0.0243 the:0.0139 will:0.0132 for:0.0092 from:0.0088 by:0.0083 -:0.8553 and:0.0519 it:0.0164 is:0.0156 that:0.0128 up:0.0118 was:0.0105 but:0.0104 to:0.0082 out:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8282 and:0.0419 is:0.0296 was:0.0214 as:0.0184 of:0.0180 the:0.0119 or:0.0119 be:0.0105 have:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8751 and:0.0237 the:0.0171 a:0.0169 of:0.0158 to:0.0140 that:0.0121 in:0.0099 for:0.0087 as:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7496 the:0.0701 a:0.0609 and:0.0300 of:0.0273 is:0.0212 was:0.0122 his:0.0112 are:0.0094 be:0.0081 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -of:0.3601 :0.4610 and:0.0685 in:0.0237 to:0.0175 for:0.0159 the:0.0148 or:0.0139 is:0.0128 that:0.0119 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7904 and:0.0577 the:0.0383 to:0.0299 of:0.0262 a:0.0144 will:0.0129 in:0.0110 is:0.0096 was:0.0095 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.9722 the:0.0060 it:0.0046 hundred:0.0036 them:0.0027 him:0.0025 more:0.0023 one:0.0022 a:0.0020 up:0.0019 -:0.7063 of:0.0844 and:0.0508 the:0.0444 to:0.0356 that:0.0210 in:0.0210 for:0.0144 with:0.0112 by:0.0109 -:0.7490 of:0.0459 to:0.0393 and:0.0362 in:0.0347 the:0.0312 a:0.0233 for:0.0145 at:0.0131 that:0.0127 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8423 the:0.0392 and:0.0197 a:0.0185 is:0.0180 be:0.0174 of:0.0135 was:0.0132 to:0.0094 as:0.0089 -will:0.2578 would:0.1466 may:0.1156 to:0.0923 shall:0.0710 should:0.0520 :0.1636 must:0.0433 can:0.0348 could:0.0231 -:0.6939 of:0.0900 and:0.0630 to:0.0530 the:0.0248 in:0.0211 for:0.0152 a:0.0152 that:0.0142 by:0.0095 -:0.7324 not:0.1677 more:0.0187 one:0.0143 well:0.0126 the:0.0126 it:0.0116 much:0.0108 so:0.0103 that:0.0090 -:0.9277 good:0.0101 few:0.0093 great:0.0090 large:0.0080 little:0.0079 single:0.0072 very:0.0072 big:0.0069 certain:0.0067 -:0.8002 the:0.0439 of:0.0431 and:0.0310 to:0.0228 in:0.0184 a:0.0165 for:0.0108 that:0.0072 at:0.0061 -:0.8517 out:0.0356 and:0.0277 line:0.0203 one:0.0163 to:0.0148 part:0.0122 side:0.0080 or:0.0067 day:0.0067 -:0.8708 and:0.0335 to:0.0321 of:0.0294 a:0.0079 in:0.0079 that:0.0049 one:0.0047 he:0.0046 who:0.0042 -is:0.3374 was:0.1389 are:0.1093 :0.2893 were:0.0408 have:0.0215 had:0.0194 has:0.0184 and:0.0135 be:0.0116 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8312 of:0.0414 and:0.0391 the:0.0287 is:0.0126 to:0.0119 in:0.0092 was:0.0091 a:0.0088 as:0.0081 -:0.7291 the:0.1164 a:0.0366 and:0.0339 is:0.0222 of:0.0188 was:0.0154 to:0.0105 are:0.0086 or:0.0084 -:0.8604 made:0.0474 taken:0.0134 held:0.0130 done:0.0118 followed:0.0115 found:0.0115 not:0.0114 given:0.0107 born:0.0090 -:0.9012 time:0.0301 country:0.0171 way:0.0134 city:0.0110 year:0.0072 morning:0.0057 matter:0.0052 act:0.0048 state:0.0045 -:0.7548 the:0.0799 and:0.0350 of:0.0340 a:0.0276 is:0.0184 was:0.0136 be:0.0132 in:0.0130 for:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8828 large:0.0246 few:0.0193 little:0.0175 good:0.0139 very:0.0137 great:0.0102 new:0.0067 certain:0.0059 small:0.0054 -be:0.2358 :0.6169 have:0.0388 come:0.0334 go:0.0305 put:0.0101 bo:0.0101 do:0.0085 went:0.0081 are:0.0080 -:0.7296 those:0.1531 be:0.0369 the:0.0231 one:0.0156 he:0.0100 all:0.0092 this:0.0081 have:0.0074 say:0.0069 -:0.9450 and:0.0136 the:0.0097 own:0.0076 time:0.0044 of:0.0044 to:0.0041 that:0.0039 way:0.0036 in:0.0036 -:0.8734 other:0.0479 and:0.0174 of:0.0122 one:0.0109 time:0.0101 the:0.0078 more:0.0075 to:0.0072 person:0.0055 -:0.7935 it:0.0858 there:0.0318 and:0.0263 that:0.0223 he:0.0154 which:0.0071 to:0.0063 who:0.0059 of:0.0056 -of:0.3214 :0.3584 in:0.0593 at:0.0473 on:0.0428 to:0.0426 for:0.0359 and:0.0344 with:0.0337 by:0.0242 -:0.6136 is:0.1238 was:0.0669 the:0.0624 in:0.0390 of:0.0253 with:0.0189 as:0.0175 for:0.0167 a:0.0158 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6963 to:0.1017 he:0.0555 and:0.0477 will:0.0231 they:0.0186 it:0.0183 that:0.0148 as:0.0124 but:0.0117 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -of:0.3301 :0.4467 and:0.0770 for:0.0271 in:0.0264 by:0.0245 to:0.0223 with:0.0191 from:0.0141 on:0.0128 -:0.9712 and:0.0067 a:0.0039 as:0.0037 the:0.0032 was:0.0025 other:0.0025 own:0.0023 said:0.0020 good:0.0020 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8787 as:0.0179 up:0.0155 is:0.0152 him:0.0143 according:0.0135 them:0.0125 it:0.0123 and:0.0120 you:0.0082 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6734 of:0.0822 and:0.0744 to:0.0458 the:0.0404 a:0.0324 that:0.0177 in:0.0145 who:0.0103 for:0.0089 -:0.6560 of:0.1499 and:0.0512 is:0.0410 or:0.0251 in:0.0227 was:0.0158 for:0.0158 to:0.0119 are:0.0106 -:0.8129 able:0.0746 made:0.0219 allowed:0.0194 given:0.0148 required:0.0116 compelled:0.0115 used:0.0115 ready:0.0112 liable:0.0105 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.7765 the:0.0749 to:0.0657 and:0.0265 of:0.0195 a:0.0137 other:0.0070 in:0.0062 that:0.0058 or:0.0042 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9014 and:0.0249 to:0.0133 is:0.0116 him:0.0114 up:0.0103 out:0.0086 was:0.0067 made:0.0062 them:0.0057 -:0.8918 and:0.0341 of:0.0261 to:0.0111 in:0.0085 the:0.0069 as:0.0060 for:0.0052 or:0.0052 is:0.0051 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9390 and:0.0174 well:0.0091 far:0.0064 known:0.0056 but:0.0046 him:0.0046 long:0.0046 of:0.0045 described:0.0043 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.7164 as:0.0417 with:0.0406 in:0.0372 for:0.0370 of:0.0358 is:0.0260 by:0.0249 and:0.0208 to:0.0197 -to:0.4752 :0.3084 will:0.0701 would:0.0359 and:0.0313 may:0.0249 can:0.0160 he:0.0142 we:0.0122 shall:0.0116 -:0.9199 is:0.0197 and:0.0165 was:0.0113 are:0.0093 of:0.0085 it:0.0043 or:0.0039 he:0.0033 that:0.0032 -:0.8274 of:0.0299 in:0.0238 to:0.0236 for:0.0198 that:0.0192 with:0.0188 and:0.0150 as:0.0115 at:0.0111 -:0.7061 of:0.0896 and:0.0491 the:0.0469 at:0.0250 to:0.0221 in:0.0206 a:0.0143 for:0.0141 by:0.0122 -:0.9333 letter:0.0153 man:0.0094 time:0.0074 matter:0.0071 point:0.0070 year:0.0060 way:0.0054 word:0.0048 little:0.0043 -:0.8700 man:0.0372 men:0.0355 those:0.0158 people:0.0121 one:0.0075 and:0.0056 time:0.0054 city:0.0054 day:0.0054 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7982 the:0.0730 and:0.0289 to:0.0228 of:0.0218 a:0.0191 that:0.0107 at:0.0095 in:0.0080 he:0.0079 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6840 say:0.0629 be:0.0551 know:0.0470 see:0.0337 believe:0.0296 have:0.0260 think:0.0257 find:0.0205 feel:0.0154 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -the:0.2830 :0.5483 a:0.0572 his:0.0234 this:0.0196 tho:0.0154 all:0.0147 such:0.0141 any:0.0127 their:0.0116 -:0.8386 and:0.0349 of:0.0336 to:0.0302 time:0.0252 as:0.0094 or:0.0090 in:0.0090 at:0.0053 years:0.0048 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5970 of:0.1312 and:0.0724 that:0.0397 as:0.0338 in:0.0290 to:0.0285 ago:0.0249 or:0.0227 for:0.0208 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7256 the:0.0771 a:0.0682 and:0.0379 of:0.0336 is:0.0173 was:0.0139 to:0.0117 for:0.0077 by:0.0069 -:0.6034 a:0.1217 the:0.1016 of:0.0806 and:0.0251 in:0.0199 with:0.0149 for:0.0131 his:0.0103 by:0.0094 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8062 the:0.0826 a:0.0297 that:0.0186 in:0.0119 to:0.0118 it:0.0107 of:0.0106 and:0.0104 by:0.0075 -:0.6225 to:0.0762 in:0.0679 as:0.0441 by:0.0418 for:0.0379 with:0.0319 is:0.0310 at:0.0257 that:0.0210 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.7262 a:0.0756 the:0.0556 and:0.0316 to:0.0302 or:0.0218 is:0.0175 was:0.0144 are:0.0137 of:0.0134 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.8688 it:0.0481 which:0.0282 he:0.0119 this:0.0099 the:0.0086 life:0.0067 said:0.0065 that:0.0060 land:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6158 the:0.1060 of:0.0795 in:0.0469 to:0.0363 and:0.0317 any:0.0295 a:0.0204 for:0.0170 or:0.0169 -:0.6968 to:0.0654 the:0.0539 of:0.0496 and:0.0339 a:0.0291 that:0.0224 in:0.0186 for:0.0172 it:0.0131 -:0.5744 the:0.2481 be:0.0844 his:0.0194 tho:0.0169 a:0.0168 have:0.0141 take:0.0091 their:0.0087 make:0.0081 -:0.8026 and:0.0621 to:0.0411 of:0.0241 the:0.0179 is:0.0151 or:0.0120 in:0.0099 he:0.0082 as:0.0072 -:0.7299 to:0.1105 and:0.0785 will:0.0199 we:0.0152 they:0.0129 as:0.0099 he:0.0086 may:0.0075 or:0.0071 -of:0.1513 :0.5314 to:0.0993 and:0.0521 in:0.0433 for:0.0382 at:0.0306 that:0.0208 by:0.0183 the:0.0148 -:0.7488 the:0.1148 and:0.0298 a:0.0270 of:0.0239 to:0.0143 this:0.0127 that:0.0120 his:0.0089 which:0.0079 -:0.9304 and:0.0180 the:0.0119 of:0.0078 to:0.0077 in:0.0064 a:0.0053 as:0.0042 more:0.0042 by:0.0041 -:0.7107 of:0.0743 to:0.0539 and:0.0434 the:0.0383 in:0.0255 at:0.0160 for:0.0135 a:0.0132 as:0.0112 -:0.8784 and:0.0421 to:0.0170 of:0.0123 out:0.0104 was:0.0095 up:0.0086 is:0.0078 but:0.0070 made:0.0069 -:0.9450 and:0.0136 the:0.0097 own:0.0076 time:0.0044 of:0.0044 to:0.0041 that:0.0039 way:0.0036 in:0.0036 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6169 of:0.1756 and:0.0845 to:0.0314 in:0.0215 the:0.0205 or:0.0149 for:0.0143 a:0.0111 at:0.0093 -:0.7454 was:0.0782 would:0.0492 is:0.0342 will:0.0266 could:0.0182 had:0.0142 are:0.0127 be:0.0113 to:0.0101 -:0.7614 of:0.0714 to:0.0435 and:0.0342 in:0.0238 the:0.0193 for:0.0133 at:0.0112 on:0.0111 or:0.0109 -:0.5351 is:0.1728 was:0.1220 a:0.0629 the:0.0440 are:0.0160 be:0.0145 to:0.0123 has:0.0105 were:0.0099 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.7587 of:0.0604 to:0.0483 and:0.0477 in:0.0214 the:0.0152 for:0.0125 are:0.0120 at:0.0120 as:0.0117 -:0.9721 and:0.0055 years:0.0048 of:0.0034 in:0.0028 men:0.0027 days:0.0026 up:0.0021 thereof:0.0021 year:0.0019 -:0.6017 we:0.1036 they:0.1014 he:0.0645 it:0.0505 you:0.0183 she:0.0167 there:0.0159 the:0.0148 is:0.0126 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.4982 a:0.1352 the:0.0962 to:0.0750 his:0.0739 of:0.0620 and:0.0263 in:0.0153 their:0.0096 with:0.0081 -:0.7058 of:0.0746 the:0.0576 and:0.0481 in:0.0234 that:0.0234 for:0.0220 with:0.0176 a:0.0141 by:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7324 the:0.1177 be:0.0615 a:0.0262 have:0.0113 do:0.0112 his:0.0106 make:0.0102 her:0.0101 tho:0.0089 -:0.9098 the:0.0242 and:0.0124 of:0.0111 in:0.0103 that:0.0090 a:0.0080 to:0.0068 for:0.0043 as:0.0042 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7456 order:0.0892 regard:0.0760 addition:0.0259 relation:0.0160 reference:0.0117 said:0.0102 him:0.0096 them:0.0083 view:0.0076 -of:0.3403 :0.3682 to:0.0566 in:0.0529 and:0.0394 for:0.0387 from:0.0306 at:0.0260 by:0.0237 on:0.0236 -:0.7268 and:0.0932 of:0.0418 to:0.0326 the:0.0267 in:0.0171 was:0.0168 a:0.0168 is:0.0143 or:0.0140 -:0.8868 and:0.0190 part:0.0182 out:0.0164 one:0.0155 line:0.0129 day:0.0106 side:0.0104 number:0.0052 or:0.0049 -per:0.7284 the:0.0574 :0.1503 a:0.0284 nper:0.0189 any:0.0042 three:0.0032 two:0.0032 few:0.0031 six:0.0030 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8192 the:0.0966 a:0.0195 all:0.0136 his:0.0102 her:0.0092 them:0.0089 tho:0.0082 this:0.0081 their:0.0064 -:0.6802 to:0.0781 in:0.0517 the:0.0389 of:0.0374 by:0.0261 a:0.0261 and:0.0225 with:0.0201 for:0.0188 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.8790 and:0.0387 of:0.0195 to:0.0162 is:0.0118 in:0.0077 was:0.0074 the:0.0073 are:0.0068 or:0.0056 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8602 few:0.0239 good:0.0228 great:0.0225 little:0.0153 very:0.0147 certain:0.0127 large:0.0115 small:0.0085 a:0.0078 -:0.8062 favor:0.0513 one:0.0301 spite:0.0262 order:0.0217 front:0.0152 behalf:0.0145 some:0.0123 view:0.0119 all:0.0107 -the:0.1027 :0.7828 a:0.0311 this:0.0204 his:0.0155 no:0.0116 to:0.0103 any:0.0092 per:0.0085 one:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8119 more:0.0514 less:0.0451 two:0.0270 three:0.0212 other:0.0109 four:0.0108 one:0.0102 otherwise:0.0061 six:0.0053 -:0.9529 hour:0.0135 he:0.0062 and:0.0056 is:0.0048 old:0.0044 not:0.0034 we:0.0031 it:0.0031 time:0.0030 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7791 the:0.0813 a:0.0388 to:0.0273 that:0.0156 his:0.0142 this:0.0138 he:0.0101 their:0.0100 no:0.0098 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.9170 the:0.0239 all:0.0097 them:0.0092 it:0.0091 which:0.0087 this:0.0080 land:0.0069 men:0.0039 said:0.0036 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5881 of:0.1718 and:0.0838 to:0.0573 in:0.0282 for:0.0207 by:0.0135 the:0.0128 or:0.0121 with:0.0116 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7434 and:0.0465 the:0.0409 was:0.0384 of:0.0343 is:0.0333 in:0.0172 to:0.0170 are:0.0158 be:0.0131 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -the:0.2553 :0.5120 a:0.0824 his:0.0551 their:0.0195 of:0.0188 our:0.0147 her:0.0146 this:0.0139 tho:0.0137 -the:0.3012 :0.4424 to:0.0665 a:0.0655 of:0.0482 and:0.0386 he:0.0103 in:0.0102 tho:0.0096 this:0.0076 -:0.8854 as:0.0358 it:0.0151 and:0.0120 them:0.0119 up:0.0107 him:0.0089 is:0.0078 that:0.0064 but:0.0061 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.2718 a:0.1469 :0.4733 of:0.0216 his:0.0176 or:0.0161 and:0.0154 no:0.0130 to:0.0122 this:0.0122 -:0.8876 the:0.0623 this:0.0077 them:0.0076 said:0.0063 all:0.0060 his:0.0060 land:0.0059 tho:0.0054 her:0.0052 -:0.9408 way:0.0209 time:0.0095 own:0.0049 hands:0.0043 day:0.0041 efforts:0.0041 and:0.0039 work:0.0039 duty:0.0035 -:0.7146 the:0.1316 to:0.0387 a:0.0380 and:0.0255 of:0.0138 in:0.0097 his:0.0097 is:0.0093 this:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7750 and:0.0550 to:0.0436 the:0.0357 of:0.0280 a:0.0253 is:0.0112 as:0.0100 or:0.0084 was:0.0079 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.7047 of:0.1131 and:0.0496 to:0.0436 in:0.0261 the:0.0217 that:0.0114 on:0.0110 for:0.0095 a:0.0092 -:0.6810 of:0.0708 to:0.0574 the:0.0476 and:0.0417 in:0.0358 a:0.0188 at:0.0171 for:0.0159 by:0.0140 -:0.6490 the:0.0775 of:0.0695 is:0.0407 and:0.0369 a:0.0333 to:0.0278 in:0.0261 was:0.0249 at:0.0144 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.6008 of:0.1521 in:0.0689 to:0.0359 for:0.0292 with:0.0279 and:0.0244 from:0.0229 by:0.0195 the:0.0182 -:0.7219 of:0.0918 in:0.0599 to:0.0302 for:0.0201 and:0.0184 on:0.0171 at:0.0149 by:0.0134 from:0.0122 -the:0.1246 :0.7164 a:0.0413 any:0.0234 to:0.0222 other:0.0201 two:0.0157 his:0.0123 more:0.0121 three:0.0120 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.9167 that:0.0206 all:0.0107 not:0.0088 he:0.0086 one:0.0080 a:0.0072 any:0.0070 it:0.0063 the:0.0062 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.1386 a:0.0330 be:0.0298 :0.7126 his:0.0203 tho:0.0162 make:0.0144 give:0.0127 take:0.0121 its:0.0103 -the:0.3218 :0.5191 a:0.0668 this:0.0184 his:0.0182 said:0.0140 her:0.0118 any:0.0116 our:0.0093 all:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5036 of:0.1586 to:0.0870 and:0.0685 the:0.0510 in:0.0444 for:0.0332 with:0.0198 by:0.0171 that:0.0168 -:0.6004 to:0.2019 of:0.0554 and:0.0417 the:0.0340 will:0.0202 a:0.0143 in:0.0138 would:0.0105 for:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -the:0.2697 :0.5134 a:0.0856 of:0.0288 and:0.0234 to:0.0210 this:0.0199 tho:0.0144 his:0.0144 their:0.0095 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5875 the:0.2269 a:0.0607 and:0.0325 of:0.0295 is:0.0166 was:0.0156 this:0.0103 to:0.0102 tho:0.0102 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6748 of:0.0985 the:0.0781 to:0.0336 in:0.0281 a:0.0257 and:0.0241 his:0.0187 for:0.0105 with:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9496 and:0.0153 of:0.0060 years:0.0053 days:0.0046 in:0.0046 time:0.0040 up:0.0039 year:0.0034 to:0.0033 -:0.8731 and:0.0435 to:0.0237 the:0.0123 in:0.0118 of:0.0109 is:0.0071 was:0.0063 that:0.0061 at:0.0053 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9489 same:0.0097 whole:0.0074 said:0.0063 best:0.0061 first:0.0053 entire:0.0046 people:0.0040 latter:0.0039 second:0.0038 -:0.8470 the:0.0550 and:0.0275 who:0.0145 a:0.0137 his:0.0108 which:0.0087 that:0.0077 this:0.0076 he:0.0075 -:0.8921 efforts:0.0207 way:0.0186 time:0.0150 power:0.0133 right:0.0131 duty:0.0094 intention:0.0065 opportunity:0.0059 order:0.0055 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -the:0.5658 :0.2817 a:0.0420 tho:0.0295 this:0.0236 his:0.0167 our:0.0120 their:0.0109 an:0.0089 these:0.0089 -:0.8199 the:0.0607 a:0.0326 and:0.0304 of:0.0181 to:0.0092 have:0.0085 his:0.0073 is:0.0069 or:0.0064 -:0.5774 any:0.2013 the:0.0972 in:0.0315 to:0.0220 other:0.0193 two:0.0138 a:0.0131 three:0.0123 of:0.0121 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7812 of:0.0772 and:0.0519 to:0.0207 time:0.0167 in:0.0156 or:0.0141 for:0.0088 at:0.0075 the:0.0065 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8294 been:0.0330 come:0.0239 failed:0.0230 not:0.0216 able:0.0185 gone:0.0167 made:0.0138 taken:0.0123 given:0.0077 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.6760 is:0.0720 as:0.0459 of:0.0421 in:0.0363 was:0.0362 for:0.0281 and:0.0224 that:0.0207 with:0.0202 -:0.7322 that:0.1734 which:0.0244 and:0.0178 mortgage:0.0099 what:0.0095 as:0.0088 when:0.0087 of:0.0077 if:0.0076 -:0.6606 those:0.2147 the:0.0320 men:0.0312 this:0.0159 one:0.0149 all:0.0121 said:0.0086 a:0.0053 that:0.0048 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -the:0.4122 :0.3690 a:0.1121 his:0.0227 tho:0.0220 this:0.0190 their:0.0133 our:0.0103 said:0.0100 its:0.0093 -be:0.4959 :0.3705 have:0.0367 not:0.0308 bo:0.0264 the:0.0106 take:0.0094 had:0.0077 was:0.0068 he:0.0053 -:0.8544 and:0.0341 who:0.0168 has:0.0167 they:0.0151 he:0.0143 the:0.0133 is:0.0126 have:0.0115 as:0.0113 -:0.7834 and:0.0574 to:0.0397 was:0.0252 is:0.0243 the:0.0229 will:0.0168 of:0.0104 who:0.0102 are:0.0098 -:0.5974 of:0.1510 and:0.1007 to:0.0454 in:0.0225 than:0.0194 or:0.0190 for:0.0189 that:0.0138 with:0.0119 -:0.8217 the:0.0403 was:0.0283 and:0.0269 has:0.0197 is:0.0156 be:0.0145 a:0.0119 have:0.0109 had:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9179 and:0.0195 them:0.0123 up:0.0100 that:0.0093 out:0.0080 him:0.0073 but:0.0060 days:0.0052 or:0.0044 -:0.8028 that:0.0921 the:0.0183 a:0.0170 as:0.0130 if:0.0126 what:0.0118 it:0.0117 not:0.0106 so:0.0101 -:0.6684 to:0.0895 and:0.0709 of:0.0704 in:0.0286 for:0.0191 the:0.0164 by:0.0135 on:0.0126 from:0.0106 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -of:0.1721 :0.4904 for:0.0656 as:0.0541 in:0.0496 to:0.0376 with:0.0359 and:0.0352 is:0.0301 at:0.0296 -:0.8503 and:0.0241 is:0.0235 who:0.0187 we:0.0178 was:0.0155 will:0.0139 has:0.0128 he:0.0125 of:0.0108 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4456 of:0.1722 in:0.0971 to:0.0879 for:0.0406 with:0.0394 and:0.0366 on:0.0306 by:0.0260 at:0.0240 -:0.8844 and:0.0240 of:0.0130 is:0.0130 to:0.0123 as:0.0122 when:0.0119 that:0.0102 than:0.0097 if:0.0093 -:0.9144 wife:0.0278 life:0.0108 father:0.0101 friends:0.0084 eyes:0.0070 case:0.0058 hands:0.0055 office:0.0053 way:0.0049 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7117 the:0.0829 and:0.0519 of:0.0457 to:0.0286 that:0.0235 in:0.0145 who:0.0142 he:0.0138 which:0.0132 -:0.9192 man:0.0236 matter:0.0115 day:0.0081 bill:0.0079 result:0.0075 time:0.0071 word:0.0054 point:0.0052 case:0.0045 -:0.7781 the:0.0608 of:0.0363 and:0.0356 as:0.0303 that:0.0182 a:0.0171 to:0.0081 at:0.0078 in:0.0076 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -:0.8402 and:0.0411 is:0.0352 was:0.0201 to:0.0170 are:0.0119 of:0.0097 had:0.0085 were:0.0084 have:0.0079 -:0.7925 of:0.0572 to:0.0345 and:0.0314 in:0.0199 that:0.0167 by:0.0126 at:0.0121 for:0.0119 with:0.0113 -:0.7630 of:0.0937 and:0.0364 the:0.0239 that:0.0190 in:0.0144 to:0.0137 years:0.0136 or:0.0134 for:0.0089 -:0.6883 to:0.0760 and:0.0746 of:0.0555 in:0.0259 for:0.0184 the:0.0169 was:0.0158 by:0.0157 on:0.0130 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8313 few:0.0468 great:0.0256 good:0.0220 little:0.0182 certain:0.0150 small:0.0118 very:0.0115 long:0.0094 large:0.0085 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.8140 the:0.0390 to:0.0379 a:0.0378 and:0.0287 of:0.0111 will:0.0102 per:0.0082 was:0.0067 he:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.4909 of:0.1338 the:0.1204 a:0.0732 and:0.0567 in:0.0321 is:0.0295 to:0.0289 was:0.0206 that:0.0139 -:0.9726 and:0.0039 have:0.0036 more:0.0033 as:0.0033 he:0.0028 that:0.0027 it:0.0027 has:0.0026 less:0.0026 -not:0.2940 :0.3872 the:0.0747 of:0.0595 to:0.0526 a:0.0493 that:0.0217 and:0.0208 by:0.0203 in:0.0200 -:0.8001 and:0.0452 to:0.0449 of:0.0308 the:0.0271 in:0.0175 that:0.0125 he:0.0076 it:0.0072 for:0.0071 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7805 the:0.1097 he:0.0218 his:0.0171 a:0.0166 to:0.0119 that:0.0116 their:0.0112 all:0.0102 we:0.0094 -to:0.1317 the:0.0807 :0.6275 a:0.0486 by:0.0260 of:0.0213 in:0.0197 at:0.0167 for:0.0142 no:0.0137 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7893 of:0.0454 the:0.0420 and:0.0341 to:0.0209 in:0.0193 a:0.0163 for:0.0115 that:0.0110 at:0.0102 -:0.6161 the:0.1416 a:0.0771 of:0.0554 and:0.0447 in:0.0173 is:0.0142 was:0.0137 for:0.0109 or:0.0091 -:0.9125 the:0.0254 of:0.0167 and:0.0120 time:0.0082 that:0.0063 a:0.0057 other:0.0051 in:0.0044 or:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9190 same:0.0129 other:0.0110 most:0.0109 the:0.0106 great:0.0105 whole:0.0065 first:0.0062 said:0.0062 public:0.0061 -:0.8921 up:0.0167 as:0.0162 went:0.0126 came:0.0120 down:0.0115 according:0.0113 and:0.0103 feet:0.0091 began:0.0081 -:0.6432 of:0.1147 and:0.0842 to:0.0702 is:0.0218 in:0.0157 for:0.0147 that:0.0137 or:0.0110 with:0.0108 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.6830 the:0.0996 of:0.0761 and:0.0396 a:0.0267 is:0.0206 in:0.0184 was:0.0157 that:0.0107 his:0.0096 -:0.6130 to:0.1301 of:0.0871 and:0.0786 in:0.0212 that:0.0168 the:0.0142 as:0.0139 or:0.0133 a:0.0118 -:0.8445 of:0.0318 and:0.0285 the:0.0275 in:0.0138 a:0.0133 to:0.0131 was:0.0109 is:0.0105 that:0.0059 -:0.6877 the:0.1635 a:0.0510 of:0.0273 and:0.0268 is:0.0145 was:0.0087 in:0.0073 tho:0.0070 to:0.0063 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -of:0.1068 in:0.0496 for:0.0427 with:0.0309 :0.6607 on:0.0236 and:0.0236 is:0.0223 to:0.0216 from:0.0181 -:0.8514 the:0.0544 and:0.0293 a:0.0159 to:0.0126 of:0.0093 is:0.0077 not:0.0067 more:0.0065 was:0.0062 -:0.7193 of:0.0880 in:0.0370 to:0.0303 on:0.0284 that:0.0233 for:0.0195 and:0.0188 from:0.0180 by:0.0174 -:0.6084 of:0.1955 and:0.0596 or:0.0310 the:0.0289 to:0.0229 in:0.0187 for:0.0152 with:0.0115 at:0.0083 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5515 a:0.1658 the:0.1502 his:0.0333 to:0.0263 and:0.0194 an:0.0179 of:0.0154 this:0.0111 their:0.0091 -:0.6816 of:0.1154 to:0.0589 and:0.0341 the:0.0304 for:0.0190 in:0.0168 a:0.0164 with:0.0143 on:0.0131 -:0.9094 and:0.0248 the:0.0163 that:0.0110 of:0.0091 which:0.0069 as:0.0067 other:0.0056 to:0.0053 at:0.0049 -:0.7301 of:0.0752 the:0.0528 to:0.0494 in:0.0319 and:0.0193 that:0.0126 he:0.0101 for:0.0097 on:0.0089 -own:0.0512 :0.9192 way:0.0058 a:0.0042 right:0.0042 little:0.0035 one:0.0032 south:0.0030 efforts:0.0029 full:0.0028 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.9331 out:0.0172 one:0.0111 part:0.0075 side:0.0074 day:0.0061 line:0.0055 plenty:0.0042 instead:0.0042 because:0.0038 -:0.7519 to:0.0943 and:0.0496 the:0.0242 of:0.0236 or:0.0121 will:0.0118 was:0.0116 a:0.0113 is:0.0097 -:0.6759 is:0.0586 was:0.0520 in:0.0462 had:0.0330 of:0.0319 with:0.0274 for:0.0263 at:0.0245 to:0.0241 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.6989 :0.1560 a:0.0371 this:0.0338 his:0.0213 tho:0.0127 their:0.0118 our:0.0105 its:0.0101 any:0.0079 -:0.8213 of:0.0313 the:0.0313 and:0.0313 to:0.0311 a:0.0133 in:0.0125 is:0.0108 was:0.0100 at:0.0071 -:0.6787 to:0.1071 of:0.0597 in:0.0469 and:0.0289 is:0.0223 for:0.0167 was:0.0148 with:0.0136 by:0.0113 -:0.9713 of:0.0066 to:0.0056 in:0.0030 on:0.0030 and:0.0023 from:0.0023 for:0.0021 at:0.0020 by:0.0018 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7625 to:0.0524 the:0.0520 in:0.0283 for:0.0259 with:0.0176 as:0.0159 and:0.0159 a:0.0157 by:0.0139 -the:0.1581 a:0.0825 tho:0.0338 his:0.0230 their:0.0159 our:0.0153 its:0.0137 said:0.0132 tbe:0.0119 my:0.0108 -:0.7284 to:0.1035 and:0.0546 the:0.0424 in:0.0180 of:0.0162 a:0.0118 that:0.0091 by:0.0081 for:0.0079 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -will:0.2801 can:0.1279 would:0.1042 should:0.0796 may:0.0722 must:0.0701 could:0.0630 shall:0.0479 cannot:0.0338 might:0.0259 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.9290 to:0.0303 and:0.0159 more:0.0049 as:0.0037 in:0.0037 time:0.0036 was:0.0033 is:0.0030 it:0.0028 -:0.6705 the:0.1909 a:0.0551 is:0.0195 this:0.0122 was:0.0112 it:0.0110 his:0.0102 tho:0.0098 and:0.0097 -:0.7755 the:0.0864 and:0.0371 of:0.0217 to:0.0184 a:0.0179 in:0.0150 that:0.0131 it:0.0075 for:0.0074 -:0.6439 is:0.0951 was:0.0639 and:0.0407 the:0.0401 has:0.0335 are:0.0269 of:0.0227 were:0.0199 or:0.0133 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.6866 of:0.1355 and:0.0411 to:0.0403 a:0.0268 the:0.0223 in:0.0198 with:0.0099 for:0.0089 or:0.0087 -:0.5709 of:0.1624 in:0.0592 to:0.0399 on:0.0361 for:0.0326 and:0.0281 from:0.0255 with:0.0241 at:0.0212 -:0.8895 and:0.0305 to:0.0246 of:0.0175 is:0.0077 was:0.0069 a:0.0067 or:0.0058 as:0.0054 are:0.0053 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.9112 out:0.0154 one:0.0133 part:0.0116 day:0.0116 that:0.0102 line:0.0087 side:0.0068 and:0.0060 account:0.0052 -:0.7869 is:0.0362 and:0.0352 it:0.0246 to:0.0237 he:0.0225 we:0.0185 was:0.0184 the:0.0180 you:0.0161 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5862 of:0.0942 to:0.0909 in:0.0469 and:0.0445 by:0.0363 the:0.0317 for:0.0278 that:0.0209 at:0.0207 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7840 is:0.0321 was:0.0314 and:0.0313 has:0.0271 to:0.0229 have:0.0208 had:0.0192 will:0.0166 he:0.0147 -:0.8787 as:0.0179 up:0.0155 is:0.0152 him:0.0143 according:0.0135 them:0.0125 it:0.0123 and:0.0120 you:0.0082 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.6797 he:0.0682 and:0.0543 to:0.0533 they:0.0377 we:0.0263 that:0.0236 it:0.0216 is:0.0186 of:0.0167 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.8135 and:0.0629 as:0.0268 is:0.0255 of:0.0251 but:0.0130 was:0.0110 he:0.0096 it:0.0065 that:0.0061 -:0.5427 of:0.1509 in:0.0737 to:0.0478 and:0.0418 with:0.0401 for:0.0390 by:0.0243 from:0.0202 on:0.0195 -:0.8751 not:0.0329 now:0.0318 made:0.0142 going:0.0119 to:0.0087 called:0.0065 being:0.0064 based:0.0062 also:0.0062 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9491 more:0.0134 one:0.0115 two:0.0063 and:0.0037 other:0.0035 that:0.0033 less:0.0032 three:0.0030 person:0.0029 -of:0.2071 :0.4631 in:0.0824 to:0.0599 that:0.0403 on:0.0376 for:0.0321 from:0.0288 and:0.0251 by:0.0237 -:0.9050 other:0.0170 doubt:0.0148 the:0.0136 more:0.0121 time:0.0089 longer:0.0089 and:0.0077 he:0.0060 one:0.0060 -:0.8756 and:0.0334 that:0.0230 him:0.0164 to:0.0128 which:0.0105 them:0.0088 as:0.0069 of:0.0065 or:0.0061 -:0.7562 to:0.0823 of:0.0298 and:0.0289 be:0.0220 have:0.0183 is:0.0172 will:0.0155 was:0.0151 would:0.0146 -of:0.1260 with:0.0706 :0.5383 in:0.0587 for:0.0527 to:0.0343 and:0.0319 is:0.0300 by:0.0289 as:0.0286 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7712 of:0.0720 to:0.0514 and:0.0301 the:0.0252 in:0.0167 that:0.0095 for:0.0092 a:0.0081 or:0.0067 -:0.9426 city:0.0085 time:0.0075 same:0.0075 bill:0.0063 country:0.0063 case:0.0059 matter:0.0053 world:0.0052 result:0.0050 -to:0.3505 :0.4157 will:0.0428 and:0.0402 would:0.0321 is:0.0285 was:0.0284 of:0.0283 in:0.0178 can:0.0157 -:0.7123 of:0.0805 and:0.0628 or:0.0501 to:0.0340 for:0.0135 in:0.0129 is:0.0119 as:0.0111 was:0.0110 -:0.6310 to:0.1315 not:0.1183 now:0.0317 a:0.0276 so:0.0194 hereby:0.0110 and:0.0105 well:0.0096 will:0.0093 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9658 people:0.0057 time:0.0045 city:0.0043 world:0.0035 same:0.0034 country:0.0034 ground:0.0032 following:0.0032 work:0.0030 -:0.7860 to:0.1061 and:0.0245 not:0.0199 the:0.0131 a:0.0119 that:0.0116 as:0.0093 be:0.0087 it:0.0087 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6295 of:0.1598 and:0.0525 to:0.0459 who:0.0374 in:0.0256 is:0.0153 was:0.0139 are:0.0101 or:0.0100 -:0.8727 and:0.0557 that:0.0175 or:0.0098 out:0.0095 to:0.0078 but:0.0075 it:0.0069 up:0.0065 him:0.0059 -:0.8165 the:0.0604 and:0.0310 of:0.0284 that:0.0171 in:0.0116 a:0.0116 at:0.0084 this:0.0080 for:0.0070 -:0.7637 all:0.0522 that:0.0434 in:0.0345 by:0.0200 the:0.0195 to:0.0189 which:0.0173 for:0.0159 of:0.0148 -:0.6393 be:0.1869 not:0.0600 have:0.0471 bo:0.0182 the:0.0161 take:0.0090 make:0.0080 a:0.0078 get:0.0076 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.7800 to:0.0453 and:0.0433 of:0.0290 is:0.0252 in:0.0241 was:0.0210 are:0.0115 the:0.0106 for:0.0101 -:0.9013 and:0.0343 to:0.0141 away:0.0111 it:0.0075 that:0.0071 up:0.0069 ago:0.0067 or:0.0064 down:0.0046 -:0.5090 the:0.2572 a:0.0546 to:0.0486 of:0.0422 and:0.0302 this:0.0194 his:0.0176 in:0.0123 tho:0.0090 -:0.8347 and:0.0478 the:0.0211 to:0.0183 a:0.0157 of:0.0152 he:0.0147 is:0.0120 was:0.0109 be:0.0096 -:0.8907 time:0.0215 city:0.0191 country:0.0181 year:0.0164 way:0.0101 morning:0.0066 day:0.0064 week:0.0056 matter:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7751 of:0.0652 and:0.0437 to:0.0397 as:0.0209 in:0.0181 for:0.0138 that:0.0102 the:0.0070 from:0.0064 -:0.6337 of:0.1141 to:0.0814 and:0.0478 the:0.0272 in:0.0266 for:0.0232 by:0.0175 a:0.0158 with:0.0128 -:0.8731 the:0.0405 in:0.0186 a:0.0135 of:0.0120 and:0.0114 all:0.0089 by:0.0075 that:0.0073 to:0.0072 -:0.6105 of:0.1195 to:0.0503 the:0.0501 that:0.0439 in:0.0411 and:0.0356 at:0.0188 for:0.0158 a:0.0143 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9011 and:0.0246 but:0.0114 all:0.0105 fact:0.0099 so:0.0092 is:0.0087 of:0.0086 that:0.0081 as:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7848 was:0.0679 had:0.0451 is:0.0291 has:0.0181 went:0.0164 be:0.0112 are:0.0101 came:0.0101 made:0.0072 -:0.8463 and:0.0338 of:0.0264 as:0.0193 or:0.0173 a:0.0142 to:0.0117 in:0.0111 is:0.0109 that:0.0090 -:0.8311 the:0.0452 and:0.0254 of:0.0243 is:0.0220 was:0.0165 in:0.0109 be:0.0097 has:0.0075 a:0.0074 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.7021 of:0.0752 and:0.0595 to:0.0514 in:0.0337 for:0.0225 as:0.0155 by:0.0138 at:0.0135 a:0.0128 -same:0.0176 whole:0.0071 great:0.0059 public:0.0050 entire:0.0047 other:0.0046 first:0.0045 most:0.0044 best:0.0043 upper:0.0043 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9004 as:0.0200 them:0.0162 him:0.0129 and:0.0122 it:0.0101 up:0.0092 is:0.0070 me:0.0063 us:0.0057 -:0.6435 of:0.1411 and:0.0532 to:0.0405 in:0.0357 was:0.0223 is:0.0198 for:0.0176 with:0.0136 as:0.0127 -be:0.3205 :0.5418 the:0.0298 not:0.0242 bo:0.0238 have:0.0211 he:0.0145 to:0.0089 a:0.0081 that:0.0073 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9401 and:0.0165 is:0.0117 was:0.0053 of:0.0051 in:0.0045 day:0.0044 are:0.0041 to:0.0041 that:0.0040 -:0.6081 of:0.1130 in:0.0796 for:0.0382 to:0.0354 and:0.0324 with:0.0308 the:0.0225 on:0.0208 at:0.0193 -the:0.2378 :0.5116 a:0.0851 to:0.0459 of:0.0291 and:0.0260 in:0.0208 his:0.0195 any:0.0124 their:0.0119 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.6434 to:0.1342 we:0.0510 and:0.0418 who:0.0362 they:0.0336 will:0.0202 would:0.0183 as:0.0114 shall:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8561 made:0.0489 found:0.0199 held:0.0170 seen:0.0120 given:0.0104 paid:0.0097 put:0.0090 used:0.0087 done:0.0084 -:0.6513 the:0.1832 a:0.0677 this:0.0201 tho:0.0161 his:0.0159 per:0.0149 these:0.0120 any:0.0098 such:0.0089 -:0.9552 time:0.0068 that:0.0068 ago:0.0061 one:0.0052 and:0.0045 which:0.0043 way:0.0043 it:0.0038 the:0.0030 -:0.7718 the:0.0635 and:0.0325 will:0.0299 to:0.0299 would:0.0176 he:0.0159 is:0.0153 has:0.0124 was:0.0112 -:0.7341 to:0.0988 and:0.0541 of:0.0406 in:0.0272 the:0.0176 for:0.0080 is:0.0076 was:0.0060 at:0.0059 -:0.9228 most:0.0138 said:0.0092 a:0.0088 last:0.0088 same:0.0085 first:0.0075 great:0.0074 very:0.0069 the:0.0065 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.7605 the:0.0821 to:0.0381 and:0.0353 a:0.0345 of:0.0157 is:0.0110 was:0.0082 this:0.0077 his:0.0069 -:0.7725 be:0.0691 make:0.0235 to:0.0230 in:0.0222 take:0.0222 find:0.0187 see:0.0174 have:0.0163 not:0.0152 -:0.6260 of:0.1235 to:0.0808 and:0.0567 in:0.0327 the:0.0203 is:0.0181 was:0.0153 that:0.0146 for:0.0120 -the:0.0924 a:0.0803 hereby:0.0776 :0.6318 no:0.0342 not:0.0232 very:0.0205 an:0.0196 tho:0.0104 now:0.0100 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.6574 he:0.1552 the:0.0445 it:0.0323 they:0.0277 she:0.0208 a:0.0191 is:0.0165 we:0.0143 was:0.0120 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9444 and:0.0237 that:0.0073 time:0.0047 is:0.0035 to:0.0035 was:0.0035 him:0.0033 it:0.0032 but:0.0029 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.8844 the:0.0410 and:0.0198 a:0.0123 be:0.0098 to:0.0082 was:0.0066 of:0.0066 he:0.0059 his:0.0054 -:0.7450 much:0.0576 far:0.0356 that:0.0350 the:0.0342 it:0.0227 be:0.0219 he:0.0168 has:0.0164 have:0.0148 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.5695 he:0.1201 it:0.1143 who:0.0486 and:0.0327 there:0.0295 which:0.0288 she:0.0216 to:0.0177 that:0.0172 -:0.7488 the:0.1148 and:0.0298 a:0.0270 of:0.0239 to:0.0143 this:0.0127 that:0.0120 his:0.0089 which:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1162 to:0.1159 :0.4603 in:0.0746 on:0.0492 for:0.0454 by:0.0432 that:0.0351 with:0.0331 at:0.0271 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7701 of:0.0470 and:0.0442 or:0.0278 to:0.0260 a:0.0246 in:0.0163 the:0.0162 for:0.0151 as:0.0127 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8368 and:0.0354 the:0.0297 of:0.0285 to:0.0231 in:0.0131 or:0.0094 for:0.0091 a:0.0081 that:0.0067 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.8797 and:0.0237 to:0.0234 is:0.0149 was:0.0126 the:0.0125 of:0.0106 are:0.0086 or:0.0073 a:0.0068 -:0.9512 it:0.0090 and:0.0085 have:0.0052 he:0.0050 are:0.0049 is:0.0045 to:0.0043 you:0.0040 was:0.0034 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.7932 of:0.0512 the:0.0435 and:0.0365 in:0.0190 to:0.0156 a:0.0146 that:0.0115 or:0.0075 at:0.0074 -:0.5714 with:0.0714 of:0.0651 in:0.0595 by:0.0577 to:0.0472 for:0.0451 from:0.0336 on:0.0254 and:0.0235 -:0.8201 the:0.0653 a:0.0282 to:0.0213 and:0.0165 of:0.0141 his:0.0116 be:0.0079 this:0.0075 he:0.0075 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.8496 of:0.0508 and:0.0417 to:0.0137 in:0.0098 the:0.0083 than:0.0068 for:0.0068 or:0.0065 as:0.0061 -:0.9579 it:0.0115 not:0.0049 long:0.0046 up:0.0043 that:0.0042 in:0.0041 to:0.0031 made:0.0030 now:0.0026 -:0.7666 of:0.0606 and:0.0534 to:0.0436 in:0.0194 for:0.0144 that:0.0135 on:0.0103 or:0.0096 as:0.0087 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.9141 to:0.0196 and:0.0117 be:0.0108 have:0.0105 it:0.0093 had:0.0066 not:0.0064 was:0.0062 he:0.0047 -:0.9230 it:0.0154 him:0.0152 them:0.0112 one:0.0073 the:0.0065 two:0.0058 more:0.0056 all:0.0054 which:0.0046 -:0.7384 the:0.0530 to:0.0489 and:0.0381 of:0.0270 in:0.0255 by:0.0188 a:0.0181 for:0.0170 that:0.0151 -:0.6130 to:0.1301 of:0.0871 and:0.0786 in:0.0212 that:0.0168 the:0.0142 as:0.0139 or:0.0133 a:0.0118 -:0.7557 and:0.0718 to:0.0519 of:0.0266 the:0.0247 is:0.0165 or:0.0160 in:0.0157 was:0.0122 will:0.0089 -:0.7449 the:0.1807 a:0.0179 his:0.0165 this:0.0101 her:0.0093 tho:0.0078 said:0.0053 their:0.0042 our:0.0035 -:0.5496 to:0.1693 the:0.0908 in:0.0510 a:0.0385 of:0.0380 and:0.0280 that:0.0128 by:0.0116 for:0.0102 -:0.8076 the:0.0419 a:0.0360 and:0.0318 is:0.0221 of:0.0149 was:0.0140 or:0.0120 are:0.0100 to:0.0097 -:0.9351 the:0.0202 order:0.0126 which:0.0060 said:0.0048 him:0.0047 it:0.0045 this:0.0044 a:0.0040 front:0.0037 -likely:0.0100 :0.9421 able:0.0080 pursuant:0.0071 unable:0.0063 desire:0.0058 ready:0.0054 glad:0.0053 endeavor:0.0052 allowed:0.0049 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.5746 the:0.2215 a:0.0701 and:0.0327 his:0.0261 of:0.0242 to:0.0211 this:0.0105 tho:0.0100 their:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.7831 the:0.0849 a:0.0503 and:0.0197 this:0.0115 one:0.0110 is:0.0108 was:0.0105 had:0.0093 are:0.0089 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6306 of:0.0721 in:0.0596 to:0.0586 by:0.0425 that:0.0322 for:0.0268 on:0.0266 at:0.0265 and:0.0245 -:0.6343 of:0.1712 and:0.0577 to:0.0380 in:0.0298 for:0.0186 from:0.0151 the:0.0140 by:0.0111 with:0.0103 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6446 to:0.1162 be:0.0585 a:0.0582 the:0.0492 no:0.0205 in:0.0162 only:0.0145 been:0.0112 by:0.0109 -:0.6658 the:0.1572 and:0.0405 a:0.0387 of:0.0308 that:0.0158 is:0.0138 to:0.0131 was:0.0130 in:0.0113 -:0.9144 and:0.0208 is:0.0103 days:0.0098 years:0.0095 are:0.0088 men:0.0075 were:0.0067 feet:0.0062 was:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7713 to:0.0629 of:0.0592 in:0.0265 and:0.0193 for:0.0162 on:0.0155 that:0.0129 with:0.0088 by:0.0073 -:0.5983 the:0.1121 a:0.0624 to:0.0563 by:0.0450 of:0.0359 in:0.0313 and:0.0288 for:0.0157 at:0.0141 -of:0.2363 :0.4355 to:0.0862 in:0.0730 for:0.0370 on:0.0361 at:0.0287 and:0.0262 that:0.0219 with:0.0190 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7090 the:0.0885 will:0.0299 to:0.0291 a:0.0284 they:0.0257 he:0.0235 and:0.0225 we:0.0223 would:0.0213 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5278 to:0.1282 of:0.1170 and:0.0663 the:0.0498 in:0.0342 that:0.0251 for:0.0236 with:0.0143 a:0.0138 -:0.9048 day:0.0168 line:0.0155 part:0.0147 out:0.0111 and:0.0090 number:0.0085 side:0.0073 one:0.0064 to:0.0057 -:0.8948 same:0.0195 other:0.0192 said:0.0160 old:0.0117 great:0.0091 the:0.0090 th:0.0072 whole:0.0069 most:0.0067 -:0.8040 and:0.0428 of:0.0419 the:0.0328 a:0.0231 that:0.0183 said:0.0107 to:0.0107 in:0.0093 so:0.0064 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -of:0.2698 :0.4293 in:0.0857 with:0.0418 to:0.0408 by:0.0303 that:0.0279 for:0.0278 on:0.0248 from:0.0220 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9651 a:0.0068 the:0.0062 and:0.0048 said:0.0034 is:0.0030 to:0.0028 are:0.0027 of:0.0026 was:0.0025 -of:0.3811 :0.4096 in:0.0509 and:0.0393 for:0.0254 to:0.0216 is:0.0206 on:0.0196 from:0.0166 than:0.0152 -:0.8451 the:0.0298 to:0.0255 and:0.0199 that:0.0181 a:0.0176 of:0.0162 in:0.0113 for:0.0092 it:0.0072 -:0.9144 same:0.0136 most:0.0130 first:0.0105 said:0.0096 old:0.0088 whole:0.0077 last:0.0077 great:0.0076 other:0.0072 -of:0.4343 :0.2757 to:0.0793 in:0.0769 and:0.0295 for:0.0278 by:0.0228 on:0.0191 at:0.0188 from:0.0157 -:0.6041 which:0.1404 that:0.1137 the:0.0462 said:0.0270 what:0.0203 this:0.0144 whom:0.0131 a:0.0106 order:0.0101 -:0.5604 to:0.1798 and:0.0792 the:0.0565 a:0.0413 of:0.0251 in:0.0223 will:0.0156 for:0.0103 by:0.0094 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -same:0.0169 :0.9284 whole:0.0100 other:0.0098 said:0.0067 best:0.0061 great:0.0059 public:0.0058 old:0.0057 most:0.0046 -:0.9117 day:0.0160 and:0.0132 line:0.0125 side:0.0112 out:0.0092 number:0.0083 that:0.0074 favor:0.0059 part:0.0046 -:0.9221 as:0.0198 and:0.0116 is:0.0111 according:0.0079 feet:0.0071 came:0.0060 due:0.0051 enough:0.0048 went:0.0045 -:0.9570 people:0.0076 same:0.0052 best:0.0051 first:0.0049 city:0.0047 time:0.0046 county:0.0037 most:0.0036 bill:0.0035 -:0.6380 the:0.1611 of:0.0487 and:0.0363 a:0.0347 to:0.0282 in:0.0220 was:0.0110 for:0.0109 or:0.0092 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7611 of:0.0710 and:0.0374 to:0.0340 in:0.0282 or:0.0152 that:0.0151 for:0.0138 the:0.0126 from:0.0117 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6408 to:0.0909 the:0.0892 in:0.0485 of:0.0424 and:0.0394 a:0.0170 was:0.0111 is:0.0107 will:0.0101 -few:0.2935 :0.5961 great:0.0221 large:0.0190 two:0.0148 three:0.0133 good:0.0128 little:0.0117 single:0.0088 very:0.0079 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7291 the:0.0681 a:0.0541 that:0.0401 to:0.0262 it:0.0245 and:0.0194 an:0.0157 he:0.0122 of:0.0105 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6687 and:0.0795 who:0.0582 of:0.0481 he:0.0427 it:0.0259 which:0.0207 that:0.0202 to:0.0181 as:0.0178 -:0.6944 the:0.0863 a:0.0729 of:0.0489 and:0.0422 is:0.0142 for:0.0113 was:0.0105 by:0.0096 his:0.0096 -the:0.2960 a:0.2959 :0.3023 said:0.0209 tho:0.0188 his:0.0181 her:0.0139 their:0.0130 an:0.0120 its:0.0093 -not:0.2748 to:0.2599 :0.3301 will:0.0401 may:0.0254 now:0.0231 shall:0.0139 would:0.0137 also:0.0104 can:0.0087 -:0.8474 the:0.0308 in:0.0212 and:0.0194 to:0.0192 a:0.0157 that:0.0129 he:0.0117 was:0.0110 is:0.0108 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6600 the:0.1483 a:0.0479 and:0.0454 of:0.0362 to:0.0288 in:0.0098 this:0.0083 tho:0.0082 or:0.0072 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9281 the:0.0175 other:0.0109 a:0.0109 more:0.0064 any:0.0063 all:0.0058 that:0.0055 two:0.0044 his:0.0043 -:0.8194 of:0.0497 and:0.0367 to:0.0181 in:0.0181 than:0.0163 from:0.0141 for:0.0101 or:0.0094 ago:0.0081 -:0.7697 went:0.0508 had:0.0480 is:0.0286 was:0.0270 came:0.0208 began:0.0189 seemed:0.0146 ought:0.0119 has:0.0097 -the:0.3971 :0.4378 a:0.0535 tho:0.0256 this:0.0207 his:0.0192 any:0.0145 their:0.0118 our:0.0112 said:0.0086 -:0.7324 the:0.1168 and:0.0398 of:0.0323 a:0.0231 in:0.0125 to:0.0118 his:0.0111 is:0.0108 or:0.0094 -the:0.4742 :0.2744 a:0.0779 this:0.0570 his:0.0413 their:0.0186 any:0.0167 tho:0.0164 its:0.0145 all:0.0090 -the:0.4139 a:0.1584 :0.3176 tho:0.0241 his:0.0208 this:0.0158 any:0.0133 their:0.0128 our:0.0119 said:0.0115 -:0.5343 to:0.1024 of:0.0906 in:0.0670 that:0.0457 for:0.0405 by:0.0366 on:0.0320 at:0.0298 with:0.0210 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8234 and:0.0411 of:0.0407 the:0.0312 that:0.0160 to:0.0137 which:0.0099 in:0.0088 for:0.0078 is:0.0074 -:0.7559 of:0.1037 and:0.0404 is:0.0226 in:0.0185 the:0.0144 are:0.0121 was:0.0119 to:0.0110 or:0.0094 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6882 of:0.1321 and:0.0671 to:0.0325 the:0.0183 in:0.0163 for:0.0134 that:0.0124 at:0.0103 from:0.0094 -:0.8549 the:0.0445 be:0.0286 make:0.0138 pay:0.0115 get:0.0105 keep:0.0097 take:0.0093 a:0.0090 give:0.0081 -a:0.0601 :0.8115 the:0.0343 to:0.0261 any:0.0141 in:0.0133 for:0.0113 of:0.0110 one:0.0094 his:0.0088 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8429 to:0.0448 the:0.0229 of:0.0196 in:0.0186 and:0.0159 that:0.0118 with:0.0081 on:0.0079 for:0.0074 -:0.8650 and:0.0341 of:0.0322 up:0.0128 out:0.0104 days:0.0102 or:0.0098 to:0.0094 but:0.0085 year:0.0077 -:0.9572 right:0.0065 time:0.0061 and:0.0052 order:0.0052 power:0.0044 return:0.0042 it:0.0038 as:0.0038 feet:0.0036 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.9609 said:0.0075 time:0.0075 fact:0.0070 city:0.0032 world:0.0030 people:0.0029 following:0.0027 state:0.0027 way:0.0026 -:0.9009 of:0.0332 and:0.0233 to:0.0143 the:0.0123 in:0.0056 a:0.0048 that:0.0022 or:0.0019 for:0.0016 -:0.6731 and:0.0796 to:0.0733 of:0.0529 in:0.0321 is:0.0244 was:0.0229 that:0.0143 for:0.0140 by:0.0134 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -of:0.2430 :0.3622 to:0.0945 in:0.0895 on:0.0532 for:0.0461 and:0.0415 at:0.0254 by:0.0234 with:0.0212 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.8398 and:0.0516 of:0.0277 time:0.0167 or:0.0138 other:0.0126 day:0.0119 days:0.0089 that:0.0086 man:0.0083 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.6224 of:0.0974 in:0.0788 to:0.0369 on:0.0338 by:0.0315 for:0.0267 at:0.0262 and:0.0243 that:0.0219 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.8096 is:0.0519 was:0.0278 are:0.0232 he:0.0206 the:0.0152 has:0.0146 had:0.0144 have:0.0120 it:0.0108 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7010 that:0.0833 as:0.0707 and:0.0346 when:0.0238 if:0.0217 but:0.0215 which:0.0176 where:0.0146 because:0.0111 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.4848 :0.3191 any:0.0708 a:0.0452 tho:0.0161 all:0.0152 his:0.0135 this:0.0124 its:0.0119 each:0.0110 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5881 of:0.1718 and:0.0838 to:0.0573 in:0.0282 for:0.0207 by:0.0135 the:0.0128 or:0.0121 with:0.0116 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9213 they:0.0178 people:0.0124 men:0.0117 we:0.0103 there:0.0079 which:0.0068 as:0.0043 city:0.0039 bonds:0.0038 -:0.6901 will:0.0619 to:0.0555 would:0.0523 we:0.0360 and:0.0248 they:0.0224 may:0.0197 can:0.0190 shall:0.0183 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7742 the:0.0662 and:0.0330 a:0.0329 of:0.0328 in:0.0146 is:0.0146 to:0.0116 was:0.0115 for:0.0088 -:0.8658 and:0.0456 of:0.0249 the:0.0200 that:0.0125 in:0.0082 is:0.0079 to:0.0052 as:0.0049 which:0.0049 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.4431 :0.3897 a:0.0477 his:0.0305 tho:0.0223 their:0.0177 our:0.0141 this:0.0130 any:0.0114 its:0.0105 -:0.9043 one:0.0304 out:0.0145 part:0.0140 and:0.0118 line:0.0065 many:0.0057 side:0.0048 that:0.0043 to:0.0037 -:0.6683 of:0.1246 and:0.0510 the:0.0376 to:0.0338 in:0.0245 for:0.0173 that:0.0156 a:0.0146 is:0.0127 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6865 to:0.0676 the:0.0582 of:0.0435 in:0.0416 that:0.0266 and:0.0232 by:0.0218 for:0.0158 a:0.0152 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7864 is:0.0534 and:0.0351 are:0.0292 was:0.0259 to:0.0211 will:0.0135 who:0.0126 were:0.0123 has:0.0105 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.5816 of:0.2246 and:0.0549 in:0.0320 the:0.0308 to:0.0266 for:0.0177 as:0.0121 that:0.0107 or:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9667 same:0.0058 said:0.0051 time:0.0038 best:0.0035 following:0.0032 most:0.0031 country:0.0031 people:0.0029 public:0.0028 -:0.7213 the:0.0749 of:0.0507 to:0.0326 and:0.0315 in:0.0256 a:0.0190 as:0.0154 for:0.0151 that:0.0139 -:0.9470 and:0.0122 in:0.0081 it:0.0063 to:0.0059 that:0.0055 up:0.0046 of:0.0041 as:0.0036 here:0.0027 -:0.6637 the:0.2115 a:0.0364 his:0.0222 tho:0.0157 their:0.0126 its:0.0109 other:0.0098 this:0.0090 said:0.0082 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8317 and:0.0612 to:0.0374 that:0.0180 of:0.0133 but:0.0082 which:0.0080 will:0.0080 as:0.0077 who:0.0066 -:0.6457 to:0.1064 we:0.0646 they:0.0429 will:0.0315 would:0.0288 who:0.0277 and:0.0255 shall:0.0145 should:0.0124 -:0.9373 and:0.0221 man:0.0065 day:0.0055 work:0.0055 home:0.0051 or:0.0050 place:0.0044 hand:0.0043 up:0.0043 -:0.8739 not:0.0315 made:0.0210 to:0.0164 found:0.0133 in:0.0099 also:0.0095 now:0.0086 put:0.0080 that:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9382 same:0.0129 people:0.0108 city:0.0088 time:0.0073 said:0.0047 law:0.0046 world:0.0044 case:0.0042 government:0.0040 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7786 of:0.0677 and:0.0444 to:0.0327 in:0.0214 the:0.0131 is:0.0115 that:0.0105 for:0.0103 by:0.0097 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7382 the:0.0706 a:0.0450 to:0.0377 and:0.0359 of:0.0338 in:0.0133 said:0.0094 at:0.0081 was:0.0080 -:0.6786 the:0.1457 a:0.0402 and:0.0341 to:0.0317 of:0.0295 in:0.0107 this:0.0104 that:0.0099 at:0.0092 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9020 and:0.0337 to:0.0124 is:0.0099 that:0.0083 was:0.0082 are:0.0078 of:0.0068 it:0.0055 or:0.0054 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6386 of:0.0930 for:0.0485 in:0.0439 with:0.0361 to:0.0355 by:0.0308 that:0.0259 on:0.0255 and:0.0223 -:0.9314 that:0.0146 own:0.0116 and:0.0087 which:0.0083 the:0.0065 time:0.0055 it:0.0048 men:0.0046 city:0.0040 -:0.7445 had:0.0552 was:0.0516 that:0.0304 is:0.0245 as:0.0225 if:0.0206 when:0.0203 has:0.0179 and:0.0125 -:0.7145 of:0.0634 to:0.0473 in:0.0443 and:0.0397 the:0.0297 at:0.0192 for:0.0175 is:0.0155 was:0.0089 -:0.6633 a:0.0793 the:0.0693 and:0.0540 to:0.0486 will:0.0201 is:0.0184 are:0.0175 was:0.0171 would:0.0126 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7608 and:0.0526 the:0.0423 to:0.0330 as:0.0259 of:0.0219 or:0.0208 a:0.0179 so:0.0158 is:0.0090 -:0.8062 favor:0.0513 one:0.0301 spite:0.0262 order:0.0217 front:0.0152 behalf:0.0145 some:0.0123 view:0.0119 all:0.0107 -:0.8563 it:0.0317 the:0.0244 him:0.0216 that:0.0180 them:0.0178 a:0.0082 which:0.0080 her:0.0076 he:0.0062 -:0.9659 city:0.0086 country:0.0043 year:0.0039 hundred:0.0031 time:0.0030 law:0.0030 world:0.0028 house:0.0027 work:0.0026 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.7391 and:0.0551 that:0.0398 of:0.0345 but:0.0262 as:0.0261 which:0.0228 if:0.0213 for:0.0181 to:0.0172 -:0.7951 it:0.0364 which:0.0281 he:0.0276 they:0.0262 and:0.0211 we:0.0187 that:0.0170 as:0.0160 who:0.0136 -:0.7546 of:0.0836 and:0.0435 the:0.0258 to:0.0240 in:0.0172 was:0.0144 is:0.0137 or:0.0129 that:0.0103 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.1492 :0.5070 and:0.0992 in:0.0633 to:0.0594 for:0.0366 on:0.0231 by:0.0213 that:0.0208 with:0.0202 -:0.9488 more:0.0099 and:0.0097 to:0.0076 less:0.0062 other:0.0040 that:0.0039 one:0.0039 otherwise:0.0032 him:0.0028 -:0.9054 the:0.0433 a:0.0115 that:0.0113 and:0.0066 tho:0.0050 to:0.0047 be:0.0043 it:0.0040 in:0.0039 -:0.7247 the:0.1237 a:0.0647 said:0.0202 and:0.0172 is:0.0135 was:0.0126 of:0.0082 very:0.0077 this:0.0076 -:0.7173 the:0.1077 that:0.0443 to:0.0340 and:0.0286 a:0.0192 it:0.0149 in:0.0115 was:0.0114 he:0.0110 -:0.8971 and:0.0392 of:0.0188 to:0.0107 who:0.0075 it:0.0060 which:0.0059 but:0.0059 thereof:0.0047 in:0.0041 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.6523 of:0.1081 and:0.0785 to:0.0485 or:0.0263 the:0.0250 in:0.0191 that:0.0165 for:0.0155 on:0.0104 -:0.7487 been:0.0818 a:0.0417 in:0.0342 no:0.0297 the:0.0206 for:0.0130 made:0.0117 to:0.0099 of:0.0086 -:0.7071 the:0.1070 and:0.0328 a:0.0285 of:0.0279 is:0.0266 was:0.0234 as:0.0159 were:0.0154 he:0.0153 -:0.6840 of:0.1161 and:0.0661 to:0.0310 in:0.0292 the:0.0209 or:0.0141 a:0.0133 is:0.0132 for:0.0119 -:0.9470 and:0.0099 or:0.0070 one:0.0066 more:0.0064 home:0.0054 that:0.0052 year:0.0045 person:0.0041 man:0.0039 -:0.9320 own:0.0323 wife:0.0151 hand:0.0035 hands:0.0033 head:0.0032 friends:0.0031 day:0.0026 way:0.0024 fathers:0.0024 -:0.9363 and:0.0223 to:0.0167 as:0.0048 was:0.0046 will:0.0042 the:0.0031 would:0.0029 a:0.0026 said:0.0025 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7553 and:0.0529 to:0.0478 of:0.0441 the:0.0285 in:0.0252 a:0.0149 is:0.0114 was:0.0102 for:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7687 the:0.0927 a:0.0437 and:0.0258 of:0.0176 to:0.0173 this:0.0092 that:0.0085 is:0.0083 he:0.0082 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.8959 that:0.0243 in:0.0239 from:0.0088 for:0.0086 if:0.0083 to:0.0082 the:0.0082 all:0.0080 by:0.0059 -:0.9294 him:0.0148 as:0.0127 it:0.0106 them:0.0094 us:0.0054 order:0.0045 me:0.0044 and:0.0044 up:0.0043 -the:0.2537 :0.5570 a:0.0938 any:0.0209 his:0.0152 to:0.0148 this:0.0118 and:0.0117 tho:0.0108 of:0.0102 -:0.6229 the:0.2030 be:0.0738 a:0.0262 his:0.0206 tho:0.0141 make:0.0132 her:0.0109 our:0.0077 give:0.0076 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.8693 a:0.0260 he:0.0243 the:0.0194 it:0.0157 to:0.0126 and:0.0093 is:0.0091 will:0.0072 as:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5627 of:0.1929 and:0.0852 to:0.0425 in:0.0302 at:0.0246 for:0.0211 by:0.0143 with:0.0135 that:0.0131 -:0.7938 of:0.0355 in:0.0311 for:0.0302 and:0.0246 to:0.0196 on:0.0185 as:0.0164 that:0.0162 at:0.0141 -:0.8915 and:0.0317 of:0.0181 or:0.0128 to:0.0123 was:0.0096 is:0.0077 as:0.0072 for:0.0046 that:0.0045 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9465 it:0.0140 time:0.0065 the:0.0064 day:0.0054 him:0.0054 them:0.0048 which:0.0041 up:0.0035 law:0.0034 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9057 not:0.0186 ready:0.0145 now:0.0128 made:0.0106 necessary:0.0082 impossible:0.0077 known:0.0076 provided:0.0075 required:0.0069 -:0.7879 are:0.0395 will:0.0331 to:0.0272 and:0.0239 that:0.0239 may:0.0172 as:0.0172 can:0.0153 a:0.0147 -:0.8849 of:0.0258 to:0.0228 in:0.0139 and:0.0116 at:0.0097 for:0.0090 not:0.0076 by:0.0075 from:0.0072 -:0.8525 the:0.0301 and:0.0281 a:0.0253 of:0.0224 to:0.0112 in:0.0111 that:0.0066 is:0.0066 for:0.0061 -:0.4906 to:0.1603 of:0.1337 the:0.0496 and:0.0478 in:0.0338 a:0.0312 for:0.0196 or:0.0194 at:0.0140 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -a:0.2615 :0.4400 the:0.1979 no:0.0177 his:0.0171 in:0.0169 very:0.0161 an:0.0125 so:0.0104 to:0.0100 -:0.8461 the:0.0762 said:0.0152 this:0.0136 a:0.0104 tho:0.0084 them:0.0084 their:0.0074 her:0.0073 these:0.0070 -:0.9184 day:0.0161 line:0.0152 side:0.0098 out:0.0091 part:0.0068 and:0.0068 amount:0.0064 number:0.0062 one:0.0051 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.6596 of:0.1358 and:0.0736 the:0.0315 in:0.0233 that:0.0204 which:0.0197 or:0.0124 to:0.0121 are:0.0116 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -the:0.0124 nper:0.0054 tho:0.0049 trust:0.0041 congress:0.0036 our:0.0035 habeas:0.0033 those:0.0031 this:0.0029 these:0.0025 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7372 of:0.0605 to:0.0495 in:0.0343 and:0.0279 for:0.0212 that:0.0196 by:0.0175 the:0.0166 with:0.0156 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7798 to:0.0640 and:0.0616 will:0.0223 is:0.0137 not:0.0131 of:0.0129 would:0.0110 who:0.0110 was:0.0106 -:0.5622 the:0.1891 a:0.1414 of:0.0244 his:0.0193 this:0.0186 and:0.0118 an:0.0116 no:0.0110 it:0.0106 -:0.9229 and:0.0221 it:0.0100 he:0.0086 is:0.0086 who:0.0057 which:0.0057 to:0.0056 of:0.0055 be:0.0054 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -of:0.4499 :0.3137 in:0.0648 for:0.0316 to:0.0303 and:0.0285 at:0.0248 on:0.0219 with:0.0191 that:0.0155 -:0.5995 the:0.1927 and:0.0448 of:0.0318 to:0.0318 that:0.0282 a:0.0269 by:0.0165 his:0.0142 he:0.0135 -of:0.4060 to:0.1165 in:0.0552 for:0.0432 by:0.0370 and:0.0307 with:0.0304 on:0.0302 from:0.0265 :0.2243 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6810 the:0.1196 a:0.0525 of:0.0423 and:0.0355 to:0.0231 is:0.0140 was:0.0116 in:0.0105 his:0.0100 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.8673 and:0.0320 to:0.0272 the:0.0148 of:0.0116 will:0.0106 was:0.0103 had:0.0088 is:0.0088 have:0.0086 -:0.9482 same:0.0071 first:0.0065 present:0.0064 following:0.0062 entire:0.0055 highest:0.0053 most:0.0052 past:0.0048 best:0.0048 -:0.9550 that:0.0070 time:0.0063 good:0.0062 as:0.0048 year:0.0043 and:0.0043 m:0.0043 man:0.0039 place:0.0038 -:0.6337 the:0.1271 to:0.0900 a:0.0440 and:0.0424 of:0.0265 in:0.0111 for:0.0086 will:0.0084 said:0.0081 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.8753 and:0.0284 is:0.0198 that:0.0137 the:0.0128 was:0.0124 of:0.0115 as:0.0102 be:0.0086 which:0.0074 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6759 and:0.0929 to:0.0830 as:0.0341 of:0.0331 in:0.0222 that:0.0185 or:0.0169 for:0.0118 the:0.0115 -:0.7360 have:0.0674 for:0.0317 in:0.0305 with:0.0304 of:0.0222 is:0.0218 as:0.0204 to:0.0201 are:0.0194 -:0.7476 the:0.1087 a:0.0338 and:0.0304 of:0.0236 that:0.0154 said:0.0132 in:0.0104 for:0.0088 this:0.0081 -:0.9267 and:0.0236 of:0.0137 in:0.0096 to:0.0080 up:0.0042 it:0.0037 for:0.0035 down:0.0035 are:0.0035 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6858 the:0.0911 is:0.0522 and:0.0495 as:0.0313 was:0.0216 he:0.0186 that:0.0184 a:0.0180 such:0.0135 -:0.7517 the:0.0904 a:0.0315 and:0.0313 of:0.0238 in:0.0238 that:0.0154 to:0.0128 his:0.0104 for:0.0090 -:0.5951 are:0.2010 were:0.0627 have:0.0382 had:0.0322 will:0.0189 would:0.0155 be:0.0138 can:0.0122 was:0.0106 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7222 of:0.0926 and:0.0412 is:0.0329 the:0.0325 was:0.0199 in:0.0171 to:0.0170 has:0.0132 he:0.0114 -:0.6928 the:0.0636 a:0.0476 of:0.0426 and:0.0380 in:0.0310 to:0.0226 for:0.0212 or:0.0205 at:0.0200 -:0.5584 not:0.1661 be:0.1151 the:0.0651 have:0.0385 a:0.0196 bo:0.0116 he:0.0096 do:0.0081 to:0.0077 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.7838 and:0.0590 of:0.0573 in:0.0169 to:0.0157 for:0.0156 that:0.0148 is:0.0136 was:0.0120 the:0.0115 -:0.5719 the:0.2169 a:0.0642 of:0.0395 and:0.0245 his:0.0220 to:0.0202 this:0.0162 is:0.0125 in:0.0120 -:0.8330 the:0.0461 and:0.0370 a:0.0205 to:0.0189 was:0.0098 be:0.0093 he:0.0086 is:0.0086 of:0.0082 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6273 of:0.1400 and:0.0616 the:0.0365 to:0.0343 in:0.0322 or:0.0225 is:0.0165 for:0.0158 that:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -:0.9391 have:0.0096 out:0.0096 are:0.0080 is:0.0079 had:0.0068 one:0.0058 was:0.0052 think:0.0041 need:0.0039 -:0.6479 the:0.1699 a:0.0528 and:0.0450 of:0.0253 to:0.0217 this:0.0106 that:0.0090 his:0.0090 said:0.0089 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7224 he:0.0447 that:0.0446 which:0.0425 the:0.0415 it:0.0310 they:0.0289 we:0.0183 she:0.0131 you:0.0129 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7800 to:0.0453 and:0.0433 of:0.0290 is:0.0252 in:0.0241 was:0.0210 are:0.0115 the:0.0106 for:0.0101 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.0733 a:0.0384 an:0.0191 no:0.0143 this:0.0087 one:0.0080 per:0.0072 tho:0.0071 :0.8175 be:0.0063 -:0.9543 same:0.0105 said:0.0075 first:0.0053 best:0.0046 most:0.0042 public:0.0042 great:0.0035 following:0.0031 people:0.0028 -the:0.1482 all:0.0407 :0.6892 a:0.0294 his:0.0213 tho:0.0182 their:0.0141 in:0.0139 our:0.0132 by:0.0118 -:0.7974 of:0.0627 and:0.0505 to:0.0234 in:0.0155 the:0.0130 is:0.0126 or:0.0090 that:0.0085 for:0.0075 -to:0.1532 of:0.1409 :0.4024 for:0.0630 in:0.0613 from:0.0511 by:0.0361 and:0.0315 at:0.0306 with:0.0299 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2720 :0.4908 a:0.1344 this:0.0200 to:0.0171 his:0.0153 an:0.0145 any:0.0122 tho:0.0120 and:0.0116 -to:0.3249 will:0.1548 would:0.0693 :0.1780 may:0.0679 shall:0.0624 can:0.0510 should:0.0469 must:0.0282 could:0.0166 -:0.9552 year:0.0071 day:0.0066 man:0.0059 matter:0.0049 good:0.0046 time:0.0043 state:0.0042 m:0.0036 in:0.0034 -had:0.4594 has:0.4096 have:0.0554 :0.0519 lias:0.0098 was:0.0039 having:0.0033 bad:0.0026 haa:0.0021 never:0.0021 -:0.8286 and:0.0740 to:0.0246 of:0.0206 that:0.0169 but:0.0110 it:0.0067 is:0.0063 which:0.0059 in:0.0053 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.1630 :0.6053 of:0.0780 and:0.0513 for:0.0213 will:0.0194 in:0.0171 by:0.0164 as:0.0158 with:0.0123 -:0.8445 and:0.0308 of:0.0263 is:0.0200 for:0.0165 to:0.0145 in:0.0130 the:0.0118 are:0.0115 with:0.0111 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.7744 to:0.0624 the:0.0398 of:0.0275 a:0.0267 in:0.0226 and:0.0205 that:0.0102 for:0.0086 by:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8810 the:0.0207 is:0.0183 and:0.0173 be:0.0164 was:0.0143 a:0.0107 are:0.0086 have:0.0073 had:0.0054 -:0.6011 the:0.2447 a:0.0429 and:0.0309 of:0.0242 this:0.0143 to:0.0114 tho:0.0111 that:0.0103 was:0.0092 -:0.7809 a:0.0708 the:0.0444 and:0.0359 to:0.0280 of:0.0167 or:0.0069 his:0.0058 is:0.0055 this:0.0052 -of:0.3724 in:0.0914 :0.3192 for:0.0442 on:0.0362 that:0.0360 to:0.0302 with:0.0254 and:0.0245 at:0.0205 -:0.6735 the:0.0896 of:0.0725 to:0.0409 and:0.0317 in:0.0243 a:0.0215 for:0.0186 by:0.0141 at:0.0132 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.5286 the:0.1523 a:0.1107 he:0.0522 it:0.0401 they:0.0335 we:0.0256 not:0.0199 be:0.0191 you:0.0180 -:0.7812 of:0.0772 and:0.0519 to:0.0207 time:0.0167 in:0.0156 or:0.0141 for:0.0088 at:0.0075 the:0.0065 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7174 the:0.0769 of:0.0601 and:0.0419 a:0.0233 to:0.0204 in:0.0189 at:0.0163 for:0.0130 was:0.0118 -:0.8019 and:0.0472 the:0.0334 of:0.0300 to:0.0272 is:0.0180 in:0.0174 was:0.0093 a:0.0087 are:0.0070 -:0.8257 of:0.0539 and:0.0499 in:0.0167 or:0.0131 for:0.0109 as:0.0076 is:0.0076 was:0.0074 the:0.0070 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8706 it:0.0277 him:0.0241 and:0.0192 the:0.0124 them:0.0109 to:0.0091 well:0.0090 he:0.0090 up:0.0081 -:0.7907 and:0.0737 is:0.0316 was:0.0308 of:0.0197 or:0.0147 to:0.0140 as:0.0098 who:0.0086 but:0.0064 -:0.6321 of:0.1382 and:0.0878 to:0.0481 in:0.0228 is:0.0181 or:0.0154 was:0.0149 with:0.0116 for:0.0108 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8089 of:0.0404 the:0.0382 and:0.0379 to:0.0191 a:0.0152 in:0.0124 that:0.0121 as:0.0081 for:0.0075 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.9035 be:0.0198 look:0.0150 him:0.0118 say:0.0101 work:0.0094 do:0.0084 pay:0.0081 sell:0.0073 make:0.0066 -:0.5875 the:0.2269 a:0.0607 and:0.0325 of:0.0295 is:0.0166 was:0.0156 this:0.0103 to:0.0102 tho:0.0102 -:0.7865 to:0.0576 and:0.0559 of:0.0392 as:0.0142 in:0.0131 but:0.0096 is:0.0086 for:0.0078 or:0.0077 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.6576 the:0.1047 a:0.0580 and:0.0421 is:0.0381 was:0.0301 of:0.0280 are:0.0157 be:0.0151 have:0.0105 -:0.6822 the:0.1653 a:0.0614 in:0.0159 tho:0.0151 his:0.0139 her:0.0136 an:0.0117 their:0.0106 that:0.0103 -:0.6559 is:0.0742 as:0.0571 that:0.0472 was:0.0459 if:0.0409 and:0.0278 when:0.0212 to:0.0154 but:0.0145 -:0.6259 the:0.1688 a:0.0855 of:0.0309 and:0.0243 his:0.0188 to:0.0175 tho:0.0101 an:0.0096 this:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.8979 the:0.0419 a:0.0128 and:0.0118 be:0.0076 his:0.0072 all:0.0058 in:0.0055 was:0.0049 of:0.0046 -:0.7632 the:0.0548 of:0.0469 and:0.0359 to:0.0322 in:0.0228 a:0.0140 that:0.0111 for:0.0105 by:0.0087 -:0.6266 the:0.2002 to:0.0426 a:0.0351 his:0.0202 any:0.0196 and:0.0184 that:0.0134 in:0.0127 other:0.0113 -:0.9268 same:0.0141 world:0.0110 city:0.0110 time:0.0070 war:0.0067 people:0.0065 country:0.0064 government:0.0055 law:0.0052 -:0.7427 the:0.1054 a:0.0332 and:0.0200 of:0.0198 to:0.0197 that:0.0182 in:0.0155 for:0.0138 by:0.0118 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6378 the:0.1181 is:0.0537 was:0.0329 and:0.0327 a:0.0293 he:0.0290 be:0.0255 as:0.0248 to:0.0163 -:0.5922 the:0.1601 to:0.0870 a:0.0371 in:0.0320 and:0.0298 his:0.0205 this:0.0158 by:0.0138 tho:0.0118 -:0.9205 fact:0.0203 and:0.0203 that:0.0080 of:0.0063 to:0.0055 say:0.0052 said:0.0051 but:0.0045 time:0.0044 -:0.8679 is:0.0341 and:0.0288 as:0.0208 was:0.0131 time:0.0082 came:0.0074 day:0.0068 had:0.0068 went:0.0061 -:0.8682 been:0.0366 taken:0.0172 done:0.0164 not:0.0128 gone:0.0125 made:0.0102 charged:0.0093 complied:0.0090 met:0.0078 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.7659 was:0.0608 the:0.0388 will:0.0225 would:0.0220 to:0.0210 and:0.0198 is:0.0193 had:0.0151 of:0.0149 -:0.8803 and:0.0390 to:0.0165 as:0.0147 that:0.0119 is:0.0095 it:0.0079 which:0.0069 was:0.0068 of:0.0065 -:0.6175 he:0.1316 the:0.0958 they:0.0316 a:0.0264 and:0.0228 is:0.0226 to:0.0178 we:0.0174 who:0.0166 -:0.5629 to:0.1012 he:0.0709 the:0.0602 a:0.0545 not:0.0495 it:0.0393 be:0.0315 and:0.0169 no:0.0131 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8231 and:0.0399 of:0.0342 the:0.0241 to:0.0193 in:0.0159 a:0.0133 is:0.0102 are:0.0100 that:0.0099 -:0.6918 of:0.0973 and:0.0793 in:0.0315 to:0.0293 the:0.0258 or:0.0135 by:0.0117 that:0.0100 as:0.0097 -:0.8750 of:0.0291 years:0.0214 and:0.0208 the:0.0105 men:0.0104 or:0.0104 days:0.0085 per:0.0070 that:0.0069 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.7984 the:0.0787 he:0.0289 a:0.0202 is:0.0167 and:0.0141 they:0.0120 to:0.0117 it:0.0102 one:0.0091 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7380 was:0.0740 is:0.0540 had:0.0393 would:0.0185 are:0.0179 will:0.0170 has:0.0166 could:0.0129 be:0.0119 -:0.8750 and:0.0524 of:0.0128 the:0.0122 is:0.0120 was:0.0093 or:0.0092 that:0.0061 to:0.0057 are:0.0054 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -the:0.3270 :0.4893 a:0.0604 his:0.0286 tho:0.0212 which:0.0195 this:0.0177 their:0.0124 it:0.0124 our:0.0114 -:0.9578 city:0.0063 land:0.0053 country:0.0052 interest:0.0050 work:0.0043 people:0.0043 county:0.0042 house:0.0039 time:0.0037 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.5733 the:0.1846 of:0.0844 in:0.0413 to:0.0329 a:0.0307 and:0.0285 his:0.0089 on:0.0083 for:0.0071 -the:0.2041 a:0.1192 :0.5314 his:0.0329 of:0.0237 tho:0.0221 this:0.0192 their:0.0168 an:0.0163 our:0.0142 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7010 of:0.0630 to:0.0607 and:0.0577 the:0.0570 a:0.0161 in:0.0126 for:0.0124 that:0.0098 by:0.0096 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8933 of:0.0407 and:0.0195 or:0.0097 who:0.0089 is:0.0078 than:0.0075 was:0.0048 more:0.0042 are:0.0037 -:0.5484 of:0.2301 in:0.0591 to:0.0420 and:0.0410 for:0.0213 as:0.0176 from:0.0148 with:0.0147 is:0.0110 -:0.6766 the:0.0649 a:0.0511 and:0.0457 is:0.0415 to:0.0340 be:0.0268 or:0.0224 was:0.0203 are:0.0167 -:0.7770 and:0.0567 the:0.0522 of:0.0421 to:0.0203 in:0.0188 at:0.0100 on:0.0077 a:0.0076 for:0.0075 -:0.9183 of:0.0251 and:0.0123 will:0.0079 have:0.0079 is:0.0065 to:0.0059 are:0.0058 for:0.0053 in:0.0050 -:0.9295 right:0.0165 time:0.0104 subject:0.0096 way:0.0077 power:0.0063 people:0.0061 order:0.0059 city:0.0041 bill:0.0037 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7410 and:0.0597 the:0.0445 of:0.0426 to:0.0331 a:0.0273 he:0.0152 is:0.0147 was:0.0126 in:0.0094 -to:0.0467 of:0.0466 :0.7938 and:0.0256 in:0.0185 from:0.0174 for:0.0158 by:0.0153 on:0.0112 with:0.0091 -:0.9223 and:0.0209 out:0.0169 one:0.0123 to:0.0062 all:0.0061 or:0.0042 is:0.0040 that:0.0037 line:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.8053 to:0.0407 the:0.0343 and:0.0307 a:0.0172 that:0.0165 in:0.0150 not:0.0138 of:0.0133 he:0.0131 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8199 the:0.0547 be:0.0362 a:0.0241 is:0.0161 have:0.0126 was:0.0120 any:0.0098 many:0.0074 to:0.0073 -of:0.4047 :0.4092 and:0.0628 to:0.0427 in:0.0260 for:0.0126 that:0.0125 as:0.0100 is:0.0098 with:0.0097 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.9495 it:0.0073 went:0.0071 was:0.0064 is:0.0060 then:0.0059 put:0.0055 made:0.0050 be:0.0038 now:0.0035 -:0.9404 the:0.0180 a:0.0117 and:0.0054 said:0.0051 be:0.0049 he:0.0043 his:0.0039 have:0.0033 this:0.0029 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7991 to:0.0609 more:0.0256 the:0.0222 three:0.0218 two:0.0189 less:0.0171 and:0.0128 other:0.0109 he:0.0106 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7250 and:0.0481 which:0.0402 they:0.0392 who:0.0379 he:0.0284 of:0.0279 we:0.0211 men:0.0182 it:0.0140 -:0.7560 the:0.0800 and:0.0424 a:0.0304 that:0.0208 of:0.0190 his:0.0158 in:0.0126 to:0.0117 which:0.0114 -:0.8935 he:0.0257 it:0.0195 the:0.0122 all:0.0111 is:0.0097 time:0.0086 and:0.0084 was:0.0067 to:0.0046 -:0.8127 to:0.0908 and:0.0319 that:0.0145 of:0.0104 which:0.0103 it:0.0094 as:0.0076 the:0.0065 or:0.0058 -:0.6013 the:0.2631 his:0.0272 a:0.0266 tho:0.0202 this:0.0161 their:0.0127 our:0.0122 her:0.0108 all:0.0098 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0740 a:0.0396 tho:0.0243 an:0.0148 his:0.0137 he:0.0127 their:0.0124 no:0.0118 this:0.0117 its:0.0097 -:0.7966 of:0.0642 and:0.0325 to:0.0232 in:0.0231 the:0.0215 for:0.0121 as:0.0095 that:0.0089 at:0.0084 -:0.8677 and:0.0387 the:0.0346 to:0.0127 a:0.0089 of:0.0081 are:0.0079 is:0.0077 was:0.0071 it:0.0067 -:0.8828 was:0.0311 is:0.0275 and:0.0163 held:0.0094 to:0.0077 are:0.0069 will:0.0064 would:0.0064 had:0.0055 -:0.7937 and:0.0515 to:0.0346 as:0.0215 will:0.0208 of:0.0201 that:0.0180 the:0.0141 was:0.0133 he:0.0124 -:0.9244 one:0.0192 sale:0.0102 all:0.0089 thousands:0.0073 virtue:0.0064 those:0.0064 each:0.0062 course:0.0057 some:0.0053 -:0.9187 the:0.0287 a:0.0132 own:0.0095 and:0.0083 his:0.0051 good:0.0049 great:0.0043 of:0.0039 large:0.0035 -:0.8099 the:0.0694 a:0.0234 to:0.0231 other:0.0148 more:0.0134 and:0.0127 one:0.0117 or:0.0110 two:0.0105 -the:0.3928 :0.4391 a:0.0551 this:0.0270 his:0.0201 tho:0.0189 their:0.0150 our:0.0120 these:0.0102 any:0.0098 -:0.8914 the:0.0494 a:0.0175 and:0.0087 that:0.0074 of:0.0067 said:0.0062 to:0.0046 in:0.0042 this:0.0038 -:0.6379 to:0.1623 and:0.0734 of:0.0305 was:0.0210 is:0.0185 will:0.0183 the:0.0165 would:0.0118 in:0.0099 -the:0.3272 :0.4284 a:0.1220 to:0.0334 tho:0.0209 his:0.0208 of:0.0166 an:0.0110 and:0.0103 this:0.0093 -he:0.3743 they:0.1393 :0.2390 we:0.0802 she:0.0447 it:0.0393 you:0.0371 there:0.0202 not:0.0169 ho:0.0090 -:0.6956 the:0.1230 a:0.0742 to:0.0337 not:0.0155 and:0.0140 in:0.0111 he:0.0111 it:0.0111 no:0.0108 -:0.7427 the:0.1054 a:0.0332 and:0.0200 of:0.0198 to:0.0197 that:0.0182 in:0.0155 for:0.0138 by:0.0118 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8688 the:0.0285 and:0.0264 of:0.0203 a:0.0127 is:0.0101 that:0.0100 in:0.0086 to:0.0077 was:0.0069 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8129 and:0.0673 to:0.0275 the:0.0179 a:0.0162 as:0.0130 was:0.0125 is:0.0120 are:0.0105 of:0.0101 -the:0.2720 :0.4908 a:0.1344 this:0.0200 to:0.0171 his:0.0153 an:0.0145 any:0.0122 tho:0.0120 and:0.0116 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8836 three:0.0307 two:0.0283 the:0.0123 old:0.0114 hour:0.0083 is:0.0070 first:0.0067 four:0.0060 last:0.0058 -:0.8071 the:0.0795 and:0.0301 to:0.0174 a:0.0153 is:0.0152 was:0.0113 of:0.0083 will:0.0079 are:0.0078 -:0.8864 to:0.0397 and:0.0238 it:0.0107 a:0.0087 not:0.0074 the:0.0067 be:0.0064 him:0.0053 as:0.0049 -:0.7855 to:0.0562 in:0.0260 and:0.0240 for:0.0231 with:0.0212 from:0.0199 of:0.0168 upon:0.0154 by:0.0121 -:0.6697 to:0.1185 the:0.0428 of:0.0404 and:0.0379 in:0.0284 by:0.0202 for:0.0149 that:0.0147 at:0.0125 -:0.5667 to:0.2473 will:0.0585 shall:0.0321 may:0.0198 can:0.0189 would:0.0177 must:0.0161 should:0.0144 he:0.0084 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -the:0.2886 :0.5085 to:0.0580 a:0.0511 and:0.0322 of:0.0145 in:0.0137 any:0.0128 his:0.0122 or:0.0083 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -the:0.2856 :0.5738 a:0.0532 this:0.0192 tho:0.0153 and:0.0132 is:0.0126 was:0.0108 his:0.0082 an:0.0081 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.6197 of:0.1197 the:0.1050 to:0.0349 a:0.0305 and:0.0272 in:0.0242 for:0.0140 that:0.0133 on:0.0115 -of:0.3699 in:0.0900 :0.2693 to:0.0573 for:0.0488 with:0.0378 on:0.0371 from:0.0339 and:0.0318 by:0.0239 -:0.8972 out:0.0280 one:0.0185 made:0.0167 heard:0.0133 plenty:0.0063 some:0.0057 that:0.0052 all:0.0046 disposed:0.0044 -:0.6594 of:0.1580 and:0.0567 to:0.0294 in:0.0239 was:0.0183 is:0.0150 the:0.0148 or:0.0128 for:0.0118 -:0.8546 and:0.0479 that:0.0167 of:0.0134 out:0.0130 but:0.0120 as:0.0120 to:0.0115 him:0.0106 is:0.0084 -:0.9068 week:0.0171 as:0.0142 is:0.0136 year:0.0129 order:0.0091 night:0.0076 time:0.0064 subject:0.0062 and:0.0061 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7360 and:0.0723 was:0.0585 is:0.0481 are:0.0183 of:0.0170 to:0.0152 be:0.0122 had:0.0112 have:0.0111 -:0.6996 of:0.1187 and:0.0708 to:0.0415 in:0.0180 or:0.0119 for:0.0108 that:0.0101 by:0.0094 the:0.0093 -:0.9498 hour:0.0254 officer:0.0039 old:0.0039 and:0.0036 not:0.0033 acre:0.0028 is:0.0026 right:0.0024 land:0.0024 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.0741 :0.8390 a:0.0209 tho:0.0169 said:0.0094 these:0.0086 our:0.0085 their:0.0082 his:0.0076 her:0.0069 -:0.6680 the:0.1739 of:0.0429 a:0.0289 and:0.0248 to:0.0164 in:0.0129 is:0.0123 his:0.0101 this:0.0098 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5007 of:0.1263 to:0.1006 and:0.0636 in:0.0575 the:0.0404 a:0.0324 for:0.0273 at:0.0272 as:0.0239 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8091 to:0.0616 and:0.0373 as:0.0249 of:0.0174 that:0.0118 it:0.0104 for:0.0103 or:0.0087 in:0.0085 -:0.8543 the:0.0398 to:0.0200 and:0.0164 in:0.0147 a:0.0137 that:0.0118 it:0.0108 of:0.0102 for:0.0082 -the:0.3711 :0.5082 a:0.0449 his:0.0141 tho:0.0135 to:0.0111 this:0.0102 an:0.0090 said:0.0090 tbe:0.0089 -:0.6424 the:0.2434 his:0.0244 this:0.0225 a:0.0163 tho:0.0129 their:0.0129 her:0.0103 our:0.0076 these:0.0073 -:0.8707 able:0.0356 made:0.0156 not:0.0153 unable:0.0129 allowed:0.0119 compelled:0.0111 going:0.0097 sent:0.0089 given:0.0082 -:0.8514 went:0.0429 came:0.0230 had:0.0180 have:0.0130 is:0.0129 go:0.0110 was:0.0107 has:0.0092 fell:0.0079 -:0.6030 to:0.0969 and:0.0736 is:0.0703 was:0.0569 of:0.0238 as:0.0225 a:0.0190 or:0.0187 for:0.0152 -:0.8412 and:0.0574 to:0.0322 of:0.0153 but:0.0106 it:0.0102 in:0.0098 known:0.0085 him:0.0077 just:0.0071 -of:0.2716 :0.4277 to:0.0882 and:0.0491 in:0.0487 for:0.0316 that:0.0276 on:0.0194 by:0.0187 from:0.0174 -the:0.3309 :0.5159 his:0.0278 this:0.0274 a:0.0267 tho:0.0228 our:0.0143 their:0.0122 these:0.0109 her:0.0109 -years:0.0286 per:0.0231 :0.9056 hundred:0.0096 the:0.0063 months:0.0061 weeks:0.0059 any:0.0053 or:0.0049 last:0.0046 -:0.6482 the:0.1040 a:0.0934 of:0.0439 to:0.0252 and:0.0231 is:0.0197 in:0.0166 was:0.0129 for:0.0128 -:0.8494 of:0.0521 and:0.0349 to:0.0135 in:0.0100 that:0.0093 for:0.0089 as:0.0086 the:0.0069 by:0.0065 -of:0.3278 :0.3887 in:0.1257 at:0.0323 for:0.0316 to:0.0220 on:0.0212 and:0.0187 from:0.0163 with:0.0156 -:0.6425 not:0.1436 so:0.0449 a:0.0375 it:0.0334 the:0.0322 that:0.0284 he:0.0167 as:0.0120 you:0.0091 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7743 the:0.0586 and:0.0365 was:0.0265 is:0.0263 not:0.0251 of:0.0160 be:0.0140 have:0.0116 has:0.0110 -:0.6153 that:0.0816 of:0.0721 and:0.0664 as:0.0362 but:0.0343 to:0.0303 for:0.0269 in:0.0197 is:0.0173 -:0.9049 one:0.0138 the:0.0138 he:0.0118 it:0.0117 and:0.0110 is:0.0090 you:0.0084 we:0.0080 they:0.0076 -:0.9426 have:0.0093 the:0.0093 be:0.0074 it:0.0062 to:0.0060 he:0.0060 in:0.0045 and:0.0044 had:0.0043 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6658 the:0.1572 and:0.0405 a:0.0387 of:0.0308 that:0.0158 is:0.0138 to:0.0131 was:0.0130 in:0.0113 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -a:0.0110 :0.9525 the:0.0098 an:0.0051 very:0.0044 this:0.0039 good:0.0037 any:0.0034 not:0.0033 to:0.0029 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7392 the:0.1266 a:0.0284 and:0.0233 of:0.0223 to:0.0208 it:0.0109 that:0.0099 in:0.0093 his:0.0093 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.9765 own:0.0056 duty:0.0038 way:0.0027 work:0.0022 hand:0.0021 time:0.0020 hands:0.0018 end:0.0017 power:0.0016 -:0.6614 to:0.1069 and:0.0637 of:0.0501 was:0.0265 in:0.0236 is:0.0225 the:0.0206 a:0.0130 for:0.0118 -the:0.3166 :0.5193 a:0.0685 and:0.0261 this:0.0195 of:0.0120 tho:0.0117 is:0.0092 in:0.0091 to:0.0080 -:0.5485 to:0.1437 of:0.0962 and:0.0586 the:0.0537 in:0.0318 a:0.0307 for:0.0152 he:0.0109 it:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -has:0.1699 had:0.1650 have:0.1470 :0.4112 are:0.0231 is:0.0223 was:0.0197 would:0.0182 were:0.0125 will:0.0111 -the:0.4932 :0.3711 a:0.0281 tho:0.0227 this:0.0200 least:0.0184 all:0.0157 his:0.0105 its:0.0102 their:0.0099 -:0.6875 of:0.0803 to:0.0584 and:0.0497 the:0.0377 in:0.0234 that:0.0194 for:0.0158 a:0.0150 at:0.0126 -be:0.0802 bo:0.0168 the:0.0104 make:0.0082 become:0.0080 take:0.0071 prevent:0.0063 receive:0.0059 not:0.0057 a:0.0051 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8181 has:0.0482 is:0.0336 was:0.0233 and:0.0180 had:0.0135 he:0.0123 or:0.0118 of:0.0116 more:0.0095 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8325 and:0.0431 to:0.0371 the:0.0241 was:0.0124 of:0.0116 is:0.0113 in:0.0110 a:0.0091 or:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7712 that:0.0637 and:0.0371 which:0.0368 as:0.0276 if:0.0189 when:0.0129 the:0.0114 what:0.0102 where:0.0100 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7269 of:0.0856 and:0.0448 to:0.0361 in:0.0251 is:0.0246 the:0.0183 was:0.0177 for:0.0106 or:0.0104 -:0.6492 to:0.0742 the:0.0737 and:0.0533 of:0.0462 a:0.0335 in:0.0271 for:0.0187 as:0.0130 that:0.0112 -:0.5959 of:0.1948 in:0.0508 that:0.0436 to:0.0251 on:0.0226 for:0.0204 by:0.0176 at:0.0151 and:0.0141 -the:0.3897 :0.3786 a:0.1338 tho:0.0229 his:0.0163 this:0.0144 our:0.0141 any:0.0123 an:0.0094 said:0.0085 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.9189 as:0.0186 up:0.0104 able:0.0103 and:0.0078 given:0.0076 them:0.0075 it:0.0071 made:0.0061 likely:0.0056 -:0.6351 is:0.1382 was:0.0834 to:0.0301 and:0.0260 will:0.0225 would:0.0173 a:0.0170 he:0.0157 the:0.0147 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8980 and:0.0303 it:0.0155 that:0.0131 to:0.0119 or:0.0072 he:0.0065 was:0.0064 as:0.0061 up:0.0051 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8783 own:0.0617 the:0.0150 old:0.0100 wife:0.0089 a:0.0087 new:0.0048 great:0.0045 hand:0.0043 time:0.0037 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8326 of:0.0538 to:0.0254 and:0.0248 in:0.0144 that:0.0131 for:0.0113 at:0.0093 from:0.0078 will:0.0075 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.9092 time:0.0207 city:0.0128 country:0.0116 year:0.0111 way:0.0081 is:0.0074 and:0.0066 of:0.0062 morning:0.0061 -:0.7453 a:0.0670 the:0.0656 and:0.0405 of:0.0264 to:0.0135 was:0.0117 is:0.0115 be:0.0106 in:0.0079 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7825 and:0.0754 of:0.0340 to:0.0249 so:0.0188 but:0.0177 is:0.0157 in:0.0146 for:0.0083 that:0.0082 -will:0.2801 can:0.1279 would:0.1042 should:0.0796 may:0.0722 must:0.0701 could:0.0630 shall:0.0479 cannot:0.0338 might:0.0259 -:0.7234 the:0.1233 a:0.0376 and:0.0305 he:0.0220 to:0.0197 of:0.0126 this:0.0104 his:0.0104 is:0.0101 -the:0.7196 a:0.0389 :0.1320 tho:0.0274 his:0.0192 this:0.0182 their:0.0163 our:0.0109 tbe:0.0097 its:0.0078 -:0.9026 other:0.0201 the:0.0171 same:0.0156 said:0.0101 whole:0.0083 great:0.0073 public:0.0064 old:0.0063 first:0.0062 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7490 is:0.0710 was:0.0439 and:0.0361 of:0.0310 to:0.0170 as:0.0170 are:0.0157 has:0.0105 or:0.0088 -:0.5396 the:0.1782 a:0.1452 his:0.0382 this:0.0235 their:0.0170 which:0.0154 an:0.0152 that:0.0142 all:0.0135 -:0.8780 of:0.0332 and:0.0235 to:0.0228 in:0.0140 for:0.0065 the:0.0062 from:0.0058 was:0.0054 by:0.0048 -:0.7125 to:0.0883 been:0.0549 in:0.0303 a:0.0270 seen:0.0256 the:0.0170 by:0.0163 made:0.0148 for:0.0133 -:0.8773 be:0.0386 him:0.0145 them:0.0113 go:0.0106 work:0.0100 come:0.0096 put:0.0095 the:0.0095 appear:0.0090 -the:0.0617 :0.8102 a:0.0442 to:0.0217 of:0.0151 and:0.0115 no:0.0099 was:0.0091 this:0.0087 is:0.0078 -:0.7150 of:0.1024 and:0.0490 to:0.0464 in:0.0227 that:0.0186 for:0.0134 or:0.0127 with:0.0101 the:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7844 and:0.0494 to:0.0426 is:0.0323 of:0.0295 was:0.0208 as:0.0111 or:0.0110 the:0.0098 are:0.0090 -:0.8506 and:0.0319 the:0.0259 of:0.0228 is:0.0136 a:0.0132 to:0.0125 was:0.0116 have:0.0093 be:0.0087 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9604 and:0.0086 long:0.0063 known:0.0043 well:0.0041 him:0.0039 home:0.0035 it:0.0032 one:0.0029 house:0.0029 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6782 of:0.0901 to:0.0542 and:0.0471 in:0.0356 for:0.0254 by:0.0195 a:0.0172 or:0.0164 that:0.0164 -:0.6111 it:0.1526 that:0.0598 which:0.0489 and:0.0369 there:0.0298 he:0.0253 who:0.0129 to:0.0125 but:0.0102 -:0.7641 of:0.0805 and:0.0628 to:0.0252 in:0.0204 is:0.0119 for:0.0099 was:0.0096 on:0.0079 will:0.0078 -:0.7966 of:0.0642 and:0.0325 to:0.0232 in:0.0231 the:0.0215 for:0.0121 as:0.0095 that:0.0089 at:0.0084 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8042 the:0.0564 a:0.0352 to:0.0273 of:0.0206 and:0.0180 that:0.0129 in:0.0095 his:0.0083 it:0.0076 -:0.8828 and:0.0278 the:0.0200 of:0.0164 that:0.0141 it:0.0097 a:0.0087 which:0.0087 he:0.0072 was:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8176 and:0.0494 to:0.0421 of:0.0172 is:0.0158 in:0.0141 a:0.0141 he:0.0105 as:0.0099 the:0.0093 -:0.6826 the:0.1269 of:0.0452 and:0.0367 to:0.0265 a:0.0212 in:0.0180 is:0.0172 was:0.0138 he:0.0119 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6684 to:0.0895 and:0.0709 of:0.0704 in:0.0286 for:0.0191 the:0.0164 by:0.0135 on:0.0126 from:0.0106 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8440 the:0.0416 and:0.0371 is:0.0167 of:0.0116 was:0.0114 a:0.0107 as:0.0101 that:0.0099 are:0.0070 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.5450 of:0.1147 in:0.0744 the:0.0707 a:0.0553 to:0.0396 for:0.0284 at:0.0273 by:0.0240 and:0.0207 -:0.6967 the:0.0972 a:0.0837 and:0.0330 that:0.0165 to:0.0161 of:0.0155 as:0.0152 for:0.0146 his:0.0115 -:0.5188 to:0.1176 in:0.1044 of:0.0520 by:0.0486 for:0.0359 at:0.0351 with:0.0318 from:0.0283 on:0.0276 -:0.6635 to:0.0824 in:0.0595 that:0.0413 of:0.0374 at:0.0261 for:0.0255 by:0.0224 on:0.0221 not:0.0199 -:0.8256 and:0.0432 to:0.0297 the:0.0194 is:0.0181 was:0.0167 of:0.0143 be:0.0126 as:0.0111 have:0.0093 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6714 to:0.1550 and:0.0507 as:0.0383 is:0.0229 was:0.0185 of:0.0166 or:0.0095 has:0.0087 well:0.0085 -:0.9792 and:0.0031 out:0.0028 are:0.0025 were:0.0023 days:0.0021 years:0.0021 or:0.0020 day:0.0019 had:0.0019 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9599 city:0.0058 people:0.0056 land:0.0053 work:0.0048 county:0.0040 country:0.0038 law:0.0037 bill:0.0036 right:0.0035 -of:0.3188 :0.3806 in:0.0720 to:0.0571 and:0.0459 for:0.0335 on:0.0297 that:0.0282 at:0.0174 by:0.0169 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.8583 of:0.0447 and:0.0294 the:0.0201 a:0.0118 or:0.0102 that:0.0077 in:0.0069 years:0.0062 days:0.0046 -:0.5774 any:0.2013 the:0.0972 in:0.0315 to:0.0220 other:0.0193 two:0.0138 a:0.0131 three:0.0123 of:0.0121 -:0.8029 those:0.0433 he:0.0350 not:0.0296 men:0.0182 and:0.0168 man:0.0148 one:0.0137 is:0.0137 have:0.0120 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5663 of:0.1884 and:0.0735 to:0.0475 the:0.0360 in:0.0284 for:0.0185 as:0.0171 that:0.0125 at:0.0117 -:0.7608 the:0.0792 is:0.0335 he:0.0313 was:0.0238 a:0.0182 are:0.0149 they:0.0132 has:0.0128 it:0.0123 -:0.8438 and:0.0554 to:0.0404 will:0.0178 it:0.0105 was:0.0080 of:0.0072 is:0.0067 but:0.0057 in:0.0045 -:0.6328 to:0.0928 of:0.0629 the:0.0596 and:0.0402 in:0.0399 for:0.0214 that:0.0194 a:0.0159 by:0.0151 -:0.9334 the:0.0167 a:0.0071 public:0.0071 one:0.0070 it:0.0068 and:0.0067 that:0.0054 city:0.0053 good:0.0045 -:0.6674 are:0.1024 have:0.0587 were:0.0489 had:0.0458 will:0.0224 would:0.0196 be:0.0124 he:0.0116 could:0.0109 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8486 few:0.0284 good:0.0256 great:0.0254 very:0.0189 large:0.0163 little:0.0128 a:0.0099 short:0.0077 long:0.0063 -:0.6593 to:0.1059 and:0.0503 the:0.0474 in:0.0336 a:0.0314 of:0.0269 by:0.0184 for:0.0160 that:0.0108 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6244 is:0.0648 hundred:0.0646 and:0.0601 of:0.0546 or:0.0403 was:0.0291 are:0.0261 will:0.0182 to:0.0179 -be:0.3205 :0.5418 the:0.0298 not:0.0242 bo:0.0238 have:0.0211 he:0.0145 to:0.0089 a:0.0081 that:0.0073 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.9490 of:0.0096 if:0.0070 that:0.0065 which:0.0055 in:0.0049 as:0.0047 for:0.0044 when:0.0043 and:0.0042 -:0.8156 and:0.0432 as:0.0415 is:0.0270 or:0.0154 up:0.0142 are:0.0115 but:0.0112 him:0.0107 was:0.0097 -:0.8321 and:0.0493 the:0.0292 is:0.0185 he:0.0155 as:0.0150 was:0.0110 that:0.0105 it:0.0098 to:0.0091 -the:0.4075 a:0.1100 :0.3658 tho:0.0296 no:0.0184 this:0.0182 his:0.0180 its:0.0114 an:0.0112 our:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.9543 right:0.0067 power:0.0059 way:0.0056 and:0.0053 as:0.0049 him:0.0048 feet:0.0044 back:0.0041 order:0.0040 -:0.7519 the:0.0961 that:0.0398 a:0.0296 and:0.0171 to:0.0150 of:0.0139 all:0.0125 for:0.0123 in:0.0118 -:0.5577 in:0.0998 of:0.0628 that:0.0589 by:0.0515 to:0.0461 for:0.0427 with:0.0283 at:0.0263 on:0.0259 -:0.7918 the:0.0507 and:0.0492 of:0.0255 that:0.0200 to:0.0183 a:0.0132 as:0.0129 in:0.0108 was:0.0075 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8950 be:0.0304 come:0.0123 only:0.0118 put:0.0112 been:0.0104 appear:0.0096 up:0.0075 made:0.0060 given:0.0059 -:0.7235 the:0.1649 a:0.0296 other:0.0155 tho:0.0136 his:0.0134 this:0.0133 is:0.0100 said:0.0081 its:0.0080 -:0.6133 the:0.2451 a:0.0610 his:0.0142 an:0.0136 their:0.0134 tho:0.0133 this:0.0097 her:0.0084 it:0.0082 -:0.8399 the:0.0951 a:0.0163 it:0.0080 he:0.0075 said:0.0074 his:0.0072 in:0.0068 and:0.0067 their:0.0052 -:0.5270 he:0.1585 it:0.0800 they:0.0714 we:0.0564 which:0.0253 who:0.0229 she:0.0217 that:0.0197 there:0.0172 -:0.7973 the:0.0479 that:0.0447 which:0.0329 all:0.0195 a:0.0148 as:0.0120 it:0.0108 him:0.0104 her:0.0097 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.7905 and:0.0570 was:0.0299 to:0.0285 is:0.0240 of:0.0172 the:0.0147 be:0.0129 as:0.0128 that:0.0127 -:0.6032 to:0.1133 the:0.0836 and:0.0510 will:0.0282 was:0.0274 of:0.0273 is:0.0263 a:0.0231 in:0.0167 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6400 it:0.2213 there:0.0373 and:0.0263 that:0.0259 which:0.0153 he:0.0132 but:0.0082 to:0.0064 as:0.0061 -:0.7333 the:0.1106 a:0.0573 this:0.0198 any:0.0169 his:0.0138 all:0.0134 that:0.0124 other:0.0116 no:0.0108 -:0.6816 of:0.1154 to:0.0589 and:0.0341 the:0.0304 for:0.0190 in:0.0168 a:0.0164 with:0.0143 on:0.0131 -:0.9582 be:0.0078 of:0.0071 and:0.0055 have:0.0051 to:0.0037 think:0.0035 at:0.0032 that:0.0030 in:0.0029 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7055 of:0.0905 and:0.0478 to:0.0433 in:0.0272 the:0.0212 for:0.0199 or:0.0174 that:0.0155 at:0.0117 -:0.7547 of:0.0713 and:0.0572 to:0.0277 the:0.0218 for:0.0186 in:0.0139 is:0.0124 as:0.0115 was:0.0109 -:0.7645 the:0.0949 and:0.0324 a:0.0273 is:0.0198 was:0.0163 be:0.0142 are:0.0116 have:0.0102 of:0.0089 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9572 right:0.0065 time:0.0061 and:0.0052 order:0.0052 power:0.0044 return:0.0042 it:0.0038 as:0.0038 feet:0.0036 -the:0.0335 :0.8914 a:0.0190 be:0.0145 he:0.0111 this:0.0075 have:0.0063 tho:0.0061 th:0.0054 their:0.0051 -:0.8274 and:0.0343 has:0.0271 had:0.0223 have:0.0223 the:0.0219 to:0.0140 a:0.0107 was:0.0101 as:0.0100 -:0.6141 of:0.1364 and:0.0540 to:0.0402 is:0.0351 who:0.0340 in:0.0330 will:0.0215 was:0.0170 are:0.0148 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9934 him:0.0012 time:0.0008 less:0.0008 it:0.0008 ago:0.0007 work:0.0007 more:0.0006 up:0.0006 record:0.0006 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.8758 the:0.0392 which:0.0175 men:0.0141 this:0.0123 it:0.0109 them:0.0088 they:0.0081 said:0.0073 these:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.8113 and:0.0340 has:0.0293 is:0.0250 are:0.0219 of:0.0191 was:0.0179 or:0.0168 he:0.0138 have:0.0108 -:0.6426 of:0.1100 to:0.0772 and:0.0646 the:0.0284 in:0.0280 for:0.0139 with:0.0133 or:0.0117 is:0.0103 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.6799 that:0.1109 which:0.0826 and:0.0226 the:0.0202 if:0.0202 it:0.0179 as:0.0172 what:0.0156 when:0.0128 -to:0.2413 :0.4919 of:0.0534 in:0.0525 and:0.0423 by:0.0307 the:0.0281 that:0.0224 for:0.0193 a:0.0181 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.8633 not:0.0280 able:0.0192 going:0.0180 likely:0.0156 ready:0.0133 due:0.0116 necessary:0.0111 expected:0.0100 impossible:0.0099 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5767 to:0.1258 of:0.0829 and:0.0678 in:0.0429 for:0.0233 the:0.0217 that:0.0204 not:0.0195 at:0.0190 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6807 the:0.2237 a:0.0252 this:0.0202 tho:0.0107 his:0.0095 their:0.0085 one:0.0076 all:0.0072 these:0.0067 -:0.9646 hundred:0.0070 and:0.0066 men:0.0044 day:0.0037 in:0.0031 house:0.0030 of:0.0029 man:0.0026 up:0.0021 -:0.6539 the:0.1174 of:0.0533 to:0.0503 that:0.0306 and:0.0282 a:0.0210 in:0.0204 at:0.0128 which:0.0121 -:0.6513 much:0.1257 the:0.0674 a:0.0518 that:0.0275 of:0.0242 many:0.0147 and:0.0139 to:0.0122 not:0.0113 -:0.6539 the:0.0681 and:0.0595 to:0.0541 of:0.0425 a:0.0346 in:0.0260 for:0.0221 by:0.0195 that:0.0195 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8353 a:0.0463 the:0.0406 to:0.0152 made:0.0148 in:0.0138 of:0.0100 found:0.0086 an:0.0080 and:0.0074 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.8196 a:0.0346 to:0.0298 not:0.0295 the:0.0262 he:0.0155 be:0.0130 one:0.0128 and:0.0114 it:0.0076 -:0.7172 the:0.0819 and:0.0519 of:0.0468 to:0.0260 in:0.0194 a:0.0167 for:0.0142 was:0.0130 is:0.0129 -of:0.1986 :0.4127 in:0.0875 with:0.0626 for:0.0624 to:0.0605 on:0.0298 and:0.0298 at:0.0297 by:0.0264 -:0.7899 those:0.0500 men:0.0381 and:0.0319 he:0.0224 is:0.0153 one:0.0141 man:0.0129 that:0.0128 of:0.0126 -:0.5123 the:0.3122 a:0.0869 his:0.0216 tho:0.0157 to:0.0140 an:0.0106 all:0.0100 their:0.0093 its:0.0074 -:0.8399 and:0.0479 to:0.0410 that:0.0143 of:0.0141 a:0.0115 for:0.0088 in:0.0080 one:0.0075 much:0.0070 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6880 the:0.0775 that:0.0539 of:0.0514 and:0.0346 to:0.0300 a:0.0231 in:0.0146 for:0.0140 as:0.0129 -:0.7966 in:0.0416 that:0.0343 and:0.0217 to:0.0200 it:0.0194 for:0.0187 the:0.0174 from:0.0153 of:0.0151 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.8847 one:0.0335 part:0.0143 out:0.0135 some:0.0108 side:0.0108 line:0.0094 him:0.0081 any:0.0076 day:0.0072 -:0.7126 of:0.0855 the:0.0464 and:0.0450 in:0.0314 to:0.0277 by:0.0134 is:0.0134 that:0.0126 for:0.0120 -:0.7203 the:0.1149 a:0.0419 of:0.0342 and:0.0244 to:0.0165 that:0.0128 it:0.0126 in:0.0123 which:0.0102 -:0.9372 it:0.0128 and:0.0104 as:0.0075 that:0.0069 away:0.0057 them:0.0054 him:0.0052 up:0.0047 or:0.0042 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9599 city:0.0058 people:0.0056 land:0.0053 work:0.0048 county:0.0040 country:0.0038 law:0.0037 bill:0.0036 right:0.0035 -the:0.2211 a:0.0737 tho:0.0306 his:0.0291 their:0.0219 :0.5640 any:0.0186 our:0.0166 tbe:0.0126 its:0.0119 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -the:0.1216 :0.7989 a:0.0142 this:0.0131 tho:0.0113 one:0.0086 these:0.0082 those:0.0082 their:0.0079 an:0.0079 -:0.8432 of:0.0340 and:0.0288 to:0.0256 a:0.0154 the:0.0142 in:0.0138 more:0.0099 for:0.0079 on:0.0072 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8795 one:0.0339 virtue:0.0315 some:0.0101 all:0.0100 each:0.0079 deed:0.0076 many:0.0068 those:0.0067 any:0.0060 -:0.8191 hundred:0.1266 day:0.0163 year:0.0114 of:0.0059 man:0.0057 and:0.0048 time:0.0036 week:0.0034 house:0.0031 -:0.5438 of:0.2052 to:0.0754 and:0.0687 in:0.0245 or:0.0194 for:0.0194 the:0.0186 with:0.0128 by:0.0122 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7113 the:0.1529 a:0.0325 and:0.0280 of:0.0196 that:0.0173 this:0.0130 tho:0.0104 as:0.0076 in:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9438 the:0.0106 last:0.0077 and:0.0070 one:0.0063 first:0.0055 other:0.0051 young:0.0049 two:0.0048 a:0.0045 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.8604 all:0.0457 the:0.0244 that:0.0233 which:0.0133 in:0.0110 said:0.0063 at:0.0063 of:0.0047 to:0.0045 -:0.7528 the:0.0567 and:0.0521 is:0.0322 was:0.0274 of:0.0259 to:0.0191 a:0.0118 are:0.0114 as:0.0108 -:0.7683 the:0.0918 a:0.0574 per:0.0159 other:0.0123 any:0.0115 one:0.0112 two:0.0110 his:0.0109 tho:0.0098 -:0.7391 be:0.0818 make:0.0641 have:0.0238 get:0.0233 take:0.0183 do:0.0150 give:0.0122 obtain:0.0120 pay:0.0107 -:0.7179 of:0.0678 that:0.0480 the:0.0425 and:0.0400 to:0.0257 in:0.0167 a:0.0160 he:0.0133 as:0.0121 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -the:0.1665 a:0.1326 not:0.1216 any:0.0333 no:0.0331 an:0.0242 :0.4476 their:0.0164 tho:0.0129 its:0.0118 -:0.8532 to:0.0393 the:0.0354 and:0.0331 a:0.0073 of:0.0069 will:0.0068 who:0.0065 that:0.0062 as:0.0054 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8256 and:0.0564 to:0.0312 is:0.0159 will:0.0155 the:0.0152 of:0.0146 that:0.0098 was:0.0084 as:0.0075 -:0.8092 and:0.0541 the:0.0332 of:0.0237 is:0.0220 a:0.0165 was:0.0163 to:0.0092 as:0.0082 in:0.0075 -:0.8412 the:0.0306 and:0.0289 is:0.0151 as:0.0151 at:0.0150 that:0.0144 for:0.0136 in:0.0133 or:0.0129 -:0.5969 the:0.1586 a:0.0905 th:0.0425 and:0.0355 of:0.0242 every:0.0144 any:0.0129 his:0.0128 is:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -to:0.7895 :0.1476 and:0.0197 will:0.0097 as:0.0082 of:0.0077 shall:0.0053 would:0.0047 that:0.0042 in:0.0034 -:0.8956 the:0.0236 and:0.0221 that:0.0111 is:0.0098 we:0.0094 as:0.0076 are:0.0071 a:0.0070 was:0.0069 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -the:0.0911 :0.7294 to:0.0444 and:0.0426 will:0.0203 a:0.0199 of:0.0143 are:0.0137 as:0.0127 were:0.0116 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7526 he:0.0716 who:0.0439 and:0.0283 they:0.0223 which:0.0184 we:0.0173 it:0.0161 have:0.0152 she:0.0142 -:0.7515 the:0.0611 and:0.0479 a:0.0416 of:0.0343 his:0.0169 to:0.0140 is:0.0119 in:0.0112 that:0.0097 -be:0.3249 :0.4313 the:0.1035 a:0.0313 bo:0.0298 not:0.0231 to:0.0228 have:0.0131 any:0.0125 no:0.0077 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.8710 to:0.0291 and:0.0264 the:0.0199 of:0.0196 in:0.0077 as:0.0072 was:0.0070 said:0.0062 it:0.0059 -:0.5927 the:0.1988 a:0.0737 of:0.0401 to:0.0312 and:0.0206 his:0.0125 in:0.0122 tho:0.0101 is:0.0081 -:0.8213 and:0.0364 the:0.0315 was:0.0237 is:0.0215 be:0.0160 of:0.0144 have:0.0126 has:0.0116 had:0.0109 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -per:0.0053 few:0.0026 more:0.0022 nper:0.0021 large:0.0018 three:0.0016 greater:0.0015 own:0.0015 short:0.0014 two:0.0013 -:0.9179 and:0.0195 them:0.0123 up:0.0100 that:0.0093 out:0.0080 him:0.0073 but:0.0060 days:0.0052 or:0.0044 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5816 of:0.2246 and:0.0549 in:0.0320 the:0.0308 to:0.0266 for:0.0177 as:0.0121 that:0.0107 or:0.0091 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.5999 who:0.1368 and:0.0621 which:0.0510 of:0.0396 it:0.0274 he:0.0262 is:0.0224 that:0.0184 was:0.0163 -:0.7506 the:0.1199 a:0.0475 of:0.0198 and:0.0144 in:0.0137 his:0.0108 is:0.0085 was:0.0075 an:0.0074 -:0.6640 be:0.2212 have:0.0473 to:0.0147 bo:0.0110 and:0.0102 the:0.0092 are:0.0077 of:0.0076 in:0.0072 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5737 was:0.0940 is:0.0837 has:0.0580 and:0.0436 had:0.0406 be:0.0384 he:0.0248 have:0.0224 of:0.0207 -:0.5968 the:0.2025 to:0.0502 and:0.0302 a:0.0264 in:0.0257 of:0.0237 by:0.0154 that:0.0147 it:0.0144 -:0.8504 was:0.0310 had:0.0306 has:0.0143 would:0.0141 so:0.0134 could:0.0134 he:0.0117 very:0.0108 be:0.0104 -:0.5753 the:0.2461 a:0.0700 to:0.0180 tho:0.0173 an:0.0158 that:0.0155 and:0.0150 of:0.0142 his:0.0128 -:0.7216 the:0.0670 of:0.0541 and:0.0387 to:0.0332 in:0.0298 as:0.0152 have:0.0147 for:0.0146 is:0.0112 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7919 to:0.0922 and:0.0220 we:0.0165 they:0.0151 it:0.0145 would:0.0132 will:0.0131 a:0.0125 you:0.0090 -in:0.1292 to:0.1251 :0.4410 of:0.0905 by:0.0571 for:0.0508 on:0.0303 that:0.0288 and:0.0247 from:0.0225 -of:0.3490 :0.3230 in:0.0866 to:0.0796 and:0.0403 for:0.0337 by:0.0258 with:0.0256 at:0.0184 on:0.0180 -:0.6561 the:0.1616 and:0.0449 a:0.0287 he:0.0253 of:0.0236 to:0.0156 we:0.0155 they:0.0146 as:0.0140 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.5935 the:0.1739 a:0.0871 not:0.0385 and:0.0233 to:0.0209 an:0.0191 of:0.0155 his:0.0146 at:0.0136 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7510 and:0.0935 of:0.0590 to:0.0215 in:0.0165 that:0.0144 for:0.0122 from:0.0118 is:0.0103 as:0.0098 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8617 and:0.0532 of:0.0186 the:0.0158 is:0.0134 was:0.0112 that:0.0092 a:0.0062 in:0.0058 be:0.0049 -:0.9628 same:0.0075 world:0.0057 city:0.0042 most:0.0041 best:0.0037 people:0.0032 said:0.0030 county:0.0029 public:0.0028 -:0.7301 the:0.1036 a:0.0487 and:0.0349 of:0.0327 to:0.0157 in:0.0104 this:0.0085 or:0.0080 any:0.0074 -the:0.1838 :0.6501 this:0.0388 said:0.0254 his:0.0224 tho:0.0193 our:0.0164 their:0.0156 all:0.0150 its:0.0132 -:0.7124 to:0.1821 and:0.0339 been:0.0137 will:0.0129 only:0.0098 had:0.0096 would:0.0092 now:0.0085 be:0.0079 -:0.6130 that:0.0846 if:0.0615 as:0.0543 it:0.0541 he:0.0389 what:0.0269 they:0.0251 there:0.0221 you:0.0196 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9221 as:0.0198 and:0.0116 is:0.0111 according:0.0079 feet:0.0071 came:0.0060 due:0.0051 enough:0.0048 went:0.0045 -:0.7287 the:0.0628 of:0.0492 to:0.0398 a:0.0285 and:0.0273 in:0.0215 by:0.0170 that:0.0130 for:0.0123 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -the:0.0568 :0.8179 a:0.0510 his:0.0140 per:0.0129 three:0.0120 two:0.0113 one:0.0085 this:0.0078 few:0.0078 -:0.8197 and:0.0341 the:0.0324 to:0.0250 he:0.0180 will:0.0166 was:0.0159 is:0.0152 be:0.0117 of:0.0112 -:0.7869 is:0.0362 and:0.0352 it:0.0246 to:0.0237 he:0.0225 we:0.0185 was:0.0184 the:0.0180 you:0.0161 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6719 of:0.0687 to:0.0589 the:0.0555 and:0.0437 a:0.0352 in:0.0184 is:0.0177 for:0.0156 was:0.0142 -the:0.4924 :0.3247 a:0.0537 this:0.0361 his:0.0341 tho:0.0160 their:0.0157 its:0.0104 an:0.0087 any:0.0082 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -to:0.1911 the:0.1279 :0.5682 a:0.0370 and:0.0291 this:0.0099 will:0.0099 of:0.0099 his:0.0087 any:0.0084 -:0.9488 more:0.0099 and:0.0097 to:0.0076 less:0.0062 other:0.0040 that:0.0039 one:0.0039 otherwise:0.0032 him:0.0028 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.5359 to:0.2040 and:0.0774 of:0.0723 in:0.0421 or:0.0235 the:0.0142 for:0.0125 was:0.0095 by:0.0086 -:0.7400 of:0.0745 to:0.0467 and:0.0396 the:0.0250 in:0.0229 that:0.0155 for:0.0144 as:0.0124 or:0.0090 -:0.6176 it:0.2055 that:0.0484 and:0.0303 there:0.0300 which:0.0243 he:0.0171 what:0.0094 them:0.0090 to:0.0085 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -the:0.3894 :0.4414 a:0.0422 tho:0.0335 this:0.0204 his:0.0193 our:0.0165 their:0.0158 these:0.0112 tbe:0.0104 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -of:0.2822 :0.5506 and:0.0499 in:0.0323 to:0.0184 the:0.0176 or:0.0131 is:0.0129 for:0.0119 at:0.0112 -:0.6962 and:0.0612 in:0.0408 at:0.0407 for:0.0319 that:0.0284 of:0.0282 the:0.0269 is:0.0256 to:0.0201 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8668 and:0.0529 to:0.0138 the:0.0129 of:0.0121 or:0.0109 will:0.0087 are:0.0081 is:0.0079 he:0.0059 -:0.7171 is:0.0494 and:0.0432 in:0.0359 as:0.0305 was:0.0300 of:0.0288 to:0.0269 for:0.0223 by:0.0157 -:0.8372 and:0.0388 of:0.0278 is:0.0241 had:0.0138 as:0.0134 have:0.0120 are:0.0112 has:0.0109 was:0.0108 -:0.8720 to:0.0631 not:0.0150 and:0.0099 three:0.0087 two:0.0085 in:0.0073 or:0.0063 years:0.0049 as:0.0043 -:0.8920 same:0.0231 th:0.0145 first:0.0140 a:0.0124 most:0.0105 said:0.0092 north:0.0084 whole:0.0083 last:0.0076 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -of:0.2893 :0.5241 and:0.0431 to:0.0417 in:0.0333 the:0.0264 for:0.0128 with:0.0107 on:0.0097 at:0.0090 -:0.4720 he:0.1298 it:0.1155 they:0.1086 we:0.0545 there:0.0461 she:0.0259 you:0.0239 which:0.0124 ho:0.0113 -:0.7887 to:0.0399 of:0.0389 the:0.0306 and:0.0293 a:0.0275 in:0.0180 by:0.0105 for:0.0091 that:0.0076 -a:0.0077 very:0.0069 the:0.0049 own:0.0046 other:0.0041 great:0.0041 said:0.0032 ordinary:0.0031 young:0.0031 first:0.0027 -:0.9050 and:0.0350 to:0.0136 will:0.0085 was:0.0077 the:0.0067 at:0.0065 is:0.0064 as:0.0054 that:0.0051 -:0.9628 has:0.0055 have:0.0054 had:0.0053 to:0.0040 it:0.0038 the:0.0036 be:0.0033 not:0.0032 he:0.0030 -:0.9432 be:0.0126 he:0.0089 it:0.0065 the:0.0061 two:0.0058 one:0.0052 three:0.0043 have:0.0037 other:0.0037 -:0.6982 of:0.0954 to:0.0505 and:0.0479 in:0.0337 is:0.0196 was:0.0167 for:0.0141 or:0.0129 from:0.0111 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.7975 of:0.0629 the:0.0387 to:0.0222 and:0.0204 in:0.0173 a:0.0167 that:0.0089 for:0.0077 on:0.0077 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -the:0.3201 :0.5485 a:0.0443 of:0.0205 and:0.0185 to:0.0121 tho:0.0108 an:0.0097 his:0.0080 in:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6858 and:0.1003 of:0.0939 or:0.0203 a:0.0200 to:0.0194 th:0.0163 in:0.0154 the:0.0145 is:0.0142 -:0.7972 was:0.0600 had:0.0429 is:0.0230 would:0.0185 has:0.0160 will:0.0115 be:0.0109 to:0.0100 the:0.0099 -:0.7333 of:0.0814 and:0.0390 the:0.0320 to:0.0320 in:0.0231 that:0.0166 for:0.0146 or:0.0142 a:0.0137 -:0.5958 been:0.2291 a:0.0437 not:0.0314 to:0.0289 the:0.0270 no:0.0148 and:0.0105 it:0.0094 his:0.0094 -:0.6670 a:0.1111 not:0.0479 the:0.0340 so:0.0335 hereby:0.0285 no:0.0229 very:0.0191 now:0.0180 to:0.0179 -:0.6436 is:0.0791 will:0.0507 and:0.0493 are:0.0392 could:0.0300 would:0.0294 was:0.0277 do:0.0267 did:0.0242 -:0.9015 the:0.0326 that:0.0122 in:0.0099 was:0.0078 had:0.0077 as:0.0074 to:0.0073 all:0.0073 and:0.0064 -:0.6925 the:0.1102 of:0.0516 a:0.0357 and:0.0322 that:0.0212 to:0.0187 in:0.0178 for:0.0105 as:0.0097 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -per:0.7284 the:0.0574 :0.1503 a:0.0284 nper:0.0189 any:0.0042 three:0.0032 two:0.0032 few:0.0031 six:0.0030 -:0.8252 of:0.0375 and:0.0270 hundred:0.0238 or:0.0233 to:0.0197 is:0.0152 day:0.0123 that:0.0083 was:0.0077 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8469 last:0.0323 most:0.0247 same:0.0217 first:0.0163 next:0.0134 th:0.0130 other:0.0115 whole:0.0104 past:0.0098 -:0.9125 the:0.0254 of:0.0167 and:0.0120 time:0.0082 that:0.0063 a:0.0057 other:0.0051 in:0.0044 or:0.0037 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -the:0.5802 :0.2272 a:0.0834 tho:0.0236 this:0.0196 their:0.0185 an:0.0140 his:0.0138 her:0.0109 its:0.0088 -:0.9496 large:0.0079 year:0.0073 long:0.0067 man:0.0057 hundred:0.0056 day:0.0055 good:0.0044 little:0.0037 matter:0.0035 -:0.8500 said:0.0233 same:0.0219 other:0.0194 most:0.0184 first:0.0177 next:0.0154 the:0.0118 great:0.0117 new:0.0104 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.6872 and:0.0593 is:0.0507 was:0.0357 of:0.0343 be:0.0300 are:0.0286 as:0.0276 were:0.0240 to:0.0226 -:0.5438 of:0.2052 to:0.0754 and:0.0687 in:0.0245 or:0.0194 for:0.0194 the:0.0186 with:0.0128 by:0.0122 -:0.6639 of:0.0675 the:0.0602 to:0.0530 and:0.0429 that:0.0379 a:0.0246 in:0.0200 for:0.0172 by:0.0126 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.8907 and:0.0217 the:0.0212 of:0.0211 in:0.0106 is:0.0093 are:0.0072 was:0.0064 that:0.0060 to:0.0058 -:0.7941 to:0.0557 and:0.0375 of:0.0254 the:0.0245 be:0.0174 in:0.0150 is:0.0109 not:0.0101 for:0.0094 -:0.6970 of:0.0990 and:0.0503 to:0.0489 the:0.0292 in:0.0284 that:0.0162 for:0.0114 with:0.0100 is:0.0097 -:0.7389 of:0.0671 and:0.0603 is:0.0307 in:0.0207 to:0.0195 the:0.0169 for:0.0167 was:0.0153 with:0.0138 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9000 to:0.0298 will:0.0197 would:0.0096 shall:0.0095 and:0.0091 may:0.0072 can:0.0068 must:0.0043 city:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2199 :0.4346 in:0.0788 to:0.0584 for:0.0442 on:0.0392 by:0.0371 from:0.0305 with:0.0290 that:0.0284 -:0.8357 the:0.0904 this:0.0137 his:0.0114 a:0.0103 one:0.0080 such:0.0078 tho:0.0077 her:0.0076 them:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7518 of:0.0794 and:0.0599 to:0.0287 in:0.0205 for:0.0160 the:0.0129 that:0.0107 is:0.0101 as:0.0099 -:0.8243 of:0.0620 and:0.0321 the:0.0215 to:0.0156 in:0.0139 that:0.0083 or:0.0083 for:0.0071 a:0.0068 -:0.6411 of:0.1413 and:0.0596 to:0.0474 in:0.0240 for:0.0213 the:0.0192 that:0.0174 a:0.0153 from:0.0135 -:0.5968 the:0.2025 to:0.0502 and:0.0302 a:0.0264 in:0.0257 of:0.0237 by:0.0154 that:0.0147 it:0.0144 -the:0.0225 a:0.0080 an:0.0066 so:0.0055 no:0.0051 its:0.0048 their:0.0035 very:0.0033 be:0.0031 my:0.0031 -:0.6061 the:0.2269 a:0.0670 and:0.0313 of:0.0218 to:0.0112 is:0.0099 his:0.0088 tho:0.0086 this:0.0084 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7127 of:0.0660 the:0.0566 and:0.0419 is:0.0303 a:0.0297 was:0.0172 to:0.0154 in:0.0153 or:0.0150 -:0.9666 hundred:0.0070 day:0.0047 and:0.0043 in:0.0033 time:0.0031 more:0.0030 men:0.0029 of:0.0025 up:0.0025 -:0.7745 the:0.0737 and:0.0402 a:0.0306 to:0.0221 of:0.0198 as:0.0127 is:0.0095 that:0.0089 was:0.0081 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8119 the:0.0547 to:0.0361 of:0.0261 and:0.0219 in:0.0151 by:0.0105 a:0.0092 or:0.0074 it:0.0071 -the:0.1959 :0.4937 a:0.1203 of:0.0919 and:0.0311 in:0.0174 for:0.0147 his:0.0122 to:0.0114 tho:0.0114 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -be:0.2920 :0.6200 not:0.0290 bo:0.0150 have:0.0108 do:0.0087 he:0.0074 and:0.0060 the:0.0056 a:0.0055 -the:0.3062 a:0.1941 :0.3875 this:0.0214 his:0.0188 tho:0.0167 any:0.0140 one:0.0139 an:0.0137 their:0.0134 -:0.7467 all:0.0521 that:0.0491 in:0.0310 which:0.0307 the:0.0227 of:0.0221 by:0.0194 on:0.0134 to:0.0128 -:0.8438 and:0.0414 that:0.0217 the:0.0159 of:0.0142 to:0.0138 is:0.0132 as:0.0131 was:0.0119 which:0.0111 -:0.7131 of:0.0741 in:0.0528 and:0.0423 the:0.0261 to:0.0258 is:0.0190 for:0.0167 at:0.0158 was:0.0143 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6647 of:0.1245 and:0.0509 to:0.0439 in:0.0250 who:0.0238 is:0.0209 the:0.0169 was:0.0160 or:0.0134 -to:0.1940 :0.6171 of:0.0552 not:0.0362 and:0.0265 in:0.0167 as:0.0145 will:0.0141 for:0.0133 a:0.0124 -:0.9316 same:0.0156 said:0.0079 best:0.0073 first:0.0069 whole:0.0068 other:0.0063 most:0.0061 public:0.0059 old:0.0055 -:0.8179 the:0.0480 a:0.0363 it:0.0267 he:0.0241 and:0.0124 to:0.0113 they:0.0087 we:0.0079 one:0.0067 -:0.6697 of:0.0637 and:0.0620 to:0.0566 as:0.0503 in:0.0295 for:0.0208 with:0.0174 by:0.0173 but:0.0126 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.7290 the:0.1555 a:0.0265 tho:0.0211 this:0.0146 his:0.0141 said:0.0122 her:0.0106 our:0.0088 their:0.0077 -:0.6075 they:0.1593 we:0.0640 he:0.0519 there:0.0361 it:0.0272 you:0.0211 and:0.0125 the:0.0125 which:0.0080 -:0.4709 he:0.2222 it:0.1519 the:0.0341 which:0.0312 she:0.0238 that:0.0210 there:0.0206 they:0.0149 what:0.0094 -of:0.2042 :0.5267 and:0.0972 to:0.0533 in:0.0263 that:0.0216 with:0.0195 for:0.0189 by:0.0162 or:0.0160 -:0.8009 the:0.0611 a:0.0526 of:0.0225 and:0.0187 to:0.0132 by:0.0090 is:0.0080 his:0.0072 for:0.0068 -:0.8509 to:0.0423 and:0.0250 he:0.0176 the:0.0116 a:0.0113 as:0.0112 is:0.0109 one:0.0106 they:0.0086 -:0.8477 very:0.0280 great:0.0247 good:0.0244 few:0.0185 large:0.0178 little:0.0125 certain:0.0100 small:0.0086 new:0.0079 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6414 and:0.0619 the:0.0576 to:0.0548 of:0.0517 is:0.0313 a:0.0298 in:0.0277 was:0.0225 for:0.0213 -:0.6108 of:0.1085 in:0.0803 for:0.0415 with:0.0406 and:0.0370 to:0.0318 on:0.0178 from:0.0170 by:0.0147 -to:0.2782 :0.5286 a:0.0605 the:0.0503 no:0.0227 in:0.0136 an:0.0130 and:0.0115 it:0.0109 he:0.0106 -:0.6211 the:0.1125 to:0.0823 that:0.0403 a:0.0356 of:0.0292 and:0.0235 he:0.0216 in:0.0179 as:0.0162 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9262 same:0.0160 first:0.0123 other:0.0075 last:0.0070 most:0.0067 said:0.0064 public:0.0061 great:0.0059 th:0.0059 -:0.8956 the:0.0236 and:0.0221 that:0.0111 is:0.0098 we:0.0094 as:0.0076 are:0.0071 a:0.0070 was:0.0069 -:0.9186 mortgage:0.0329 day:0.0085 petition:0.0075 man:0.0065 one:0.0065 that:0.0054 county:0.0052 and:0.0048 city:0.0040 -:0.8417 be:0.0467 only:0.0287 a:0.0192 he:0.0140 and:0.0122 that:0.0120 as:0.0105 it:0.0080 the:0.0069 -:0.9600 and:0.0056 that:0.0053 men:0.0050 him:0.0048 it:0.0044 the:0.0042 in:0.0040 home:0.0034 life:0.0032 -:0.7630 the:0.0480 and:0.0347 he:0.0281 a:0.0269 is:0.0253 be:0.0251 was:0.0237 it:0.0154 are:0.0097 -:0.9339 said:0.0120 same:0.0102 other:0.0089 most:0.0077 first:0.0063 best:0.0056 present:0.0054 old:0.0050 public:0.0050 -:0.8603 the:0.0485 that:0.0198 a:0.0143 to:0.0132 his:0.0098 in:0.0094 then:0.0087 all:0.0083 for:0.0077 -:0.9246 and:0.0297 was:0.0079 is:0.0071 of:0.0068 to:0.0059 went:0.0050 out:0.0048 made:0.0041 down:0.0040 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7918 the:0.0550 is:0.0291 and:0.0251 a:0.0229 be:0.0212 was:0.0211 are:0.0121 of:0.0116 he:0.0101 -:0.7924 the:0.0602 and:0.0353 is:0.0193 of:0.0187 in:0.0178 to:0.0169 a:0.0143 as:0.0135 was:0.0117 -:0.7827 and:0.0781 is:0.0238 to:0.0225 has:0.0175 he:0.0165 the:0.0163 it:0.0150 was:0.0141 have:0.0134 -:0.9221 as:0.0198 and:0.0116 is:0.0111 according:0.0079 feet:0.0071 came:0.0060 due:0.0051 enough:0.0048 went:0.0045 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.7241 the:0.0861 a:0.0498 to:0.0422 and:0.0384 of:0.0155 his:0.0113 in:0.0110 this:0.0109 or:0.0108 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.8399 and:0.0438 to:0.0391 of:0.0224 in:0.0131 is:0.0096 that:0.0089 was:0.0079 for:0.0079 or:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8913 the:0.0389 per:0.0160 a:0.0117 are:0.0097 any:0.0077 is:0.0065 and:0.0063 no:0.0062 were:0.0057 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6008 of:0.1521 in:0.0689 to:0.0359 for:0.0292 with:0.0279 and:0.0244 from:0.0229 by:0.0195 the:0.0182 -:0.5881 of:0.1718 and:0.0838 to:0.0573 in:0.0282 for:0.0207 by:0.0135 the:0.0128 or:0.0121 with:0.0116 -:0.9471 it:0.0085 city:0.0068 they:0.0067 bonds:0.0067 person:0.0056 people:0.0055 one:0.0050 we:0.0043 that:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6965 the:0.1377 said:0.0636 a:0.0242 tho:0.0158 this:0.0147 which:0.0135 his:0.0125 its:0.0111 all:0.0105 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7645 to:0.0522 and:0.0515 the:0.0365 of:0.0260 in:0.0215 a:0.0148 for:0.0119 by:0.0113 is:0.0099 -:0.8018 of:0.0504 and:0.0490 to:0.0322 the:0.0157 in:0.0149 for:0.0104 that:0.0103 is:0.0077 as:0.0075 -the:0.1959 :0.5860 to:0.0469 a:0.0404 and:0.0315 his:0.0250 in:0.0228 this:0.0185 tho:0.0165 be:0.0163 -:0.8306 that:0.0555 if:0.0319 as:0.0257 when:0.0205 then:0.0098 the:0.0080 which:0.0067 in:0.0056 for:0.0056 -:0.7744 large:0.0454 great:0.0374 few:0.0271 good:0.0267 little:0.0240 the:0.0186 very:0.0175 small:0.0151 a:0.0138 -:0.7521 not:0.0595 to:0.0336 in:0.0293 as:0.0243 with:0.0222 that:0.0214 for:0.0210 made:0.0202 at:0.0164 -:0.6655 he:0.0662 it:0.0626 they:0.0607 we:0.0446 which:0.0268 there:0.0207 you:0.0200 that:0.0185 she:0.0142 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8055 and:0.0664 is:0.0269 to:0.0252 as:0.0193 of:0.0136 the:0.0129 was:0.0119 in:0.0111 that:0.0071 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.0740 a:0.0396 tho:0.0243 an:0.0148 his:0.0137 he:0.0127 their:0.0124 no:0.0118 this:0.0117 its:0.0097 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8163 the:0.0535 a:0.0438 to:0.0194 made:0.0172 in:0.0164 that:0.0095 and:0.0085 of:0.0079 no:0.0073 -:0.6225 to:0.0762 in:0.0679 as:0.0441 by:0.0418 for:0.0379 with:0.0319 is:0.0310 at:0.0257 that:0.0210 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -be:0.2451 :0.6098 the:0.0376 give:0.0227 that:0.0149 bo:0.0148 make:0.0141 to:0.0139 have:0.0139 not:0.0134 -:0.8382 the:0.0541 and:0.0302 a:0.0245 is:0.0100 was:0.0099 to:0.0096 of:0.0091 are:0.0091 he:0.0053 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.9537 and:0.0114 is:0.0061 or:0.0056 time:0.0045 one:0.0038 more:0.0038 are:0.0037 be:0.0037 years:0.0036 -:0.7806 the:0.0983 a:0.0592 of:0.0107 and:0.0096 to:0.0090 it:0.0089 tho:0.0083 this:0.0078 any:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8515 and:0.0390 out:0.0384 one:0.0241 side:0.0096 part:0.0094 line:0.0087 that:0.0068 but:0.0063 years:0.0063 -:0.5794 of:0.1718 and:0.0810 to:0.0753 in:0.0303 the:0.0147 or:0.0132 that:0.0121 for:0.0120 at:0.0102 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8300 made:0.0332 held:0.0254 found:0.0246 used:0.0174 paid:0.0160 done:0.0156 placed:0.0153 given:0.0114 sold:0.0111 -:0.8788 as:0.0529 and:0.0143 able:0.0099 up:0.0082 back:0.0078 enough:0.0072 feet:0.0071 is:0.0070 required:0.0067 -:0.6486 he:0.0760 it:0.0719 they:0.0654 we:0.0466 that:0.0268 you:0.0237 she:0.0151 not:0.0131 as:0.0127 -:0.7426 the:0.0921 a:0.0499 of:0.0292 to:0.0203 in:0.0182 and:0.0181 all:0.0105 at:0.0096 with:0.0096 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.7475 of:0.0668 the:0.0610 that:0.0263 in:0.0257 and:0.0197 to:0.0161 his:0.0126 all:0.0123 by:0.0119 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6880 and:0.0654 the:0.0501 of:0.0482 to:0.0456 is:0.0298 was:0.0245 in:0.0201 are:0.0150 that:0.0132 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6359 of:0.1837 and:0.0448 the:0.0280 that:0.0225 to:0.0206 in:0.0203 a:0.0154 or:0.0149 as:0.0137 -:0.9238 hour:0.0446 time:0.0054 home:0.0051 opportunity:0.0047 interest:0.0034 interview:0.0033 hand:0.0033 opinion:0.0032 increase:0.0031 -:0.8312 of:0.0420 and:0.0347 in:0.0230 to:0.0191 as:0.0124 the:0.0119 that:0.0102 for:0.0081 by:0.0075 -of:0.1423 :0.4520 in:0.0878 to:0.0696 for:0.0604 that:0.0507 by:0.0382 on:0.0368 at:0.0319 with:0.0303 -:0.5677 the:0.2884 a:0.0532 his:0.0213 said:0.0191 tho:0.0169 such:0.0100 this:0.0081 our:0.0077 their:0.0077 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6024 the:0.1493 a:0.1132 of:0.0306 to:0.0258 and:0.0222 is:0.0166 was:0.0151 in:0.0131 an:0.0117 -the:0.0489 not:0.0417 :0.8074 a:0.0307 no:0.0177 said:0.0164 very:0.0108 more:0.0101 an:0.0086 so:0.0077 -the:0.3622 a:0.0805 :0.3876 this:0.0347 their:0.0319 his:0.0287 tho:0.0251 its:0.0206 our:0.0157 any:0.0130 -not:0.3066 :0.6033 the:0.0231 be:0.0161 of:0.0116 that:0.0100 and:0.0084 in:0.0073 a:0.0069 to:0.0067 -:0.6439 be:0.1214 been:0.0506 a:0.0463 only:0.0414 the:0.0305 to:0.0206 not:0.0192 he:0.0150 no:0.0110 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -the:0.3328 a:0.1851 :0.3165 any:0.0504 this:0.0317 his:0.0311 their:0.0151 its:0.0136 every:0.0120 tho:0.0118 -:0.8390 the:0.0372 a:0.0206 in:0.0184 of:0.0170 to:0.0164 and:0.0158 for:0.0147 with:0.0121 that:0.0088 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7214 not:0.1540 now:0.0298 a:0.0242 to:0.0191 no:0.0140 only:0.0113 always:0.0088 being:0.0087 it:0.0086 -:0.8541 and:0.0365 to:0.0261 was:0.0195 of:0.0164 is:0.0163 or:0.0081 in:0.0081 that:0.0076 the:0.0073 -:0.8418 first:0.0299 most:0.0255 same:0.0205 said:0.0164 last:0.0158 young:0.0148 next:0.0123 present:0.0118 whole:0.0112 -:0.8898 out:0.0277 one:0.0220 part:0.0155 that:0.0085 line:0.0084 instead:0.0073 day:0.0071 account:0.0069 parts:0.0067 -:0.6535 the:0.1700 a:0.0697 such:0.0199 to:0.0178 his:0.0174 any:0.0145 that:0.0143 an:0.0116 all:0.0113 -:0.6517 of:0.1078 in:0.0599 and:0.0538 for:0.0278 as:0.0255 to:0.0225 at:0.0225 but:0.0147 with:0.0138 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8540 and:0.0317 of:0.0315 to:0.0247 in:0.0171 are:0.0096 for:0.0087 on:0.0083 from:0.0074 or:0.0068 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -of:0.1894 :0.4523 in:0.0748 to:0.0637 for:0.0598 and:0.0354 on:0.0343 at:0.0313 from:0.0311 by:0.0279 -:0.6775 of:0.0954 to:0.0430 in:0.0408 and:0.0375 the:0.0279 with:0.0214 a:0.0205 for:0.0196 on:0.0164 -:0.8361 the:0.0557 which:0.0233 that:0.0223 all:0.0158 this:0.0129 said:0.0124 his:0.0073 whom:0.0073 her:0.0069 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -:0.9251 and:0.0228 that:0.0089 is:0.0073 out:0.0070 but:0.0069 him:0.0063 to:0.0059 time:0.0050 as:0.0047 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7714 the:0.0493 and:0.0478 of:0.0293 a:0.0258 to:0.0192 that:0.0178 was:0.0141 for:0.0135 be:0.0118 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.6243 the:0.1392 of:0.0763 a:0.0392 and:0.0356 in:0.0277 at:0.0204 is:0.0128 as:0.0123 was:0.0123 -:0.7314 to:0.0725 and:0.0658 or:0.0280 ago:0.0265 of:0.0220 in:0.0188 as:0.0134 for:0.0110 is:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8095 to:0.0310 and:0.0306 the:0.0305 of:0.0291 in:0.0180 is:0.0156 was:0.0145 are:0.0109 by:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -in:0.0902 to:0.0822 :0.5567 of:0.0549 with:0.0493 for:0.0425 by:0.0384 on:0.0368 upon:0.0248 at:0.0241 -:0.5331 of:0.1114 a:0.0939 the:0.0831 and:0.0491 to:0.0490 in:0.0282 for:0.0197 or:0.0191 is:0.0133 -:0.7326 the:0.0448 and:0.0412 of:0.0383 to:0.0365 that:0.0279 as:0.0240 in:0.0222 be:0.0174 for:0.0152 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7241 to:0.0942 the:0.0479 and:0.0463 of:0.0264 will:0.0141 a:0.0135 is:0.0114 had:0.0112 was:0.0110 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -the:0.3303 :0.3769 a:0.1514 he:0.0642 this:0.0208 tho:0.0146 his:0.0117 no:0.0108 it:0.0103 is:0.0089 -:0.9469 people:0.0088 time:0.0084 country:0.0074 law:0.0060 city:0.0050 matter:0.0049 bill:0.0048 way:0.0042 result:0.0036 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9368 same:0.0116 other:0.0078 highest:0.0077 whole:0.0072 city:0.0066 people:0.0063 latter:0.0055 most:0.0054 public:0.0052 -:0.6915 to:0.0837 the:0.0601 a:0.0489 in:0.0280 of:0.0269 and:0.0249 it:0.0133 for:0.0121 at:0.0107 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7308 the:0.1071 a:0.0444 and:0.0374 of:0.0245 was:0.0137 to:0.0136 is:0.0134 be:0.0078 his:0.0075 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6372 more:0.1734 than:0.0846 less:0.0737 better:0.0069 longer:0.0063 and:0.0054 rather:0.0047 one:0.0039 it:0.0038 -:0.6587 the:0.1300 a:0.0497 of:0.0466 and:0.0303 that:0.0221 this:0.0202 to:0.0180 in:0.0136 his:0.0109 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8763 the:0.0631 a:0.0186 and:0.0097 to:0.0081 in:0.0057 that:0.0054 said:0.0048 of:0.0045 be:0.0038 -:0.7722 he:0.0441 they:0.0397 it:0.0315 and:0.0284 who:0.0242 we:0.0212 which:0.0152 that:0.0144 you:0.0091 -:0.4777 he:0.1579 it:0.1102 they:0.0933 we:0.0513 there:0.0299 you:0.0273 that:0.0187 and:0.0176 she:0.0162 -:0.6808 the:0.1808 a:0.0535 to:0.0162 of:0.0133 and:0.0130 in:0.0118 his:0.0115 this:0.0101 an:0.0089 -:0.5889 be:0.1986 not:0.0749 to:0.0346 the:0.0325 bo:0.0200 a:0.0193 have:0.0149 no:0.0106 in:0.0057 -the:0.1353 :0.7023 a:0.0322 of:0.0281 tho:0.0217 for:0.0170 our:0.0170 that:0.0166 in:0.0157 his:0.0141 -:0.8788 the:0.0398 a:0.0250 and:0.0131 be:0.0121 was:0.0078 of:0.0066 have:0.0059 his:0.0055 is:0.0054 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.6923 as:0.0678 that:0.0482 much:0.0354 for:0.0307 in:0.0288 far:0.0267 to:0.0251 of:0.0226 with:0.0225 -:0.7607 and:0.0613 to:0.0437 is:0.0341 of:0.0269 was:0.0217 who:0.0173 that:0.0125 he:0.0122 in:0.0095 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -of:0.2629 :0.3619 to:0.1116 in:0.0738 for:0.0503 that:0.0358 and:0.0337 with:0.0262 from:0.0242 on:0.0197 -:0.6834 that:0.0989 which:0.0754 as:0.0330 and:0.0312 if:0.0235 the:0.0167 when:0.0161 it:0.0122 what:0.0095 -:0.7596 in:0.0581 that:0.0361 to:0.0276 of:0.0241 all:0.0209 for:0.0208 by:0.0190 on:0.0178 at:0.0160 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8737 very:0.0226 good:0.0224 few:0.0204 great:0.0204 large:0.0102 a:0.0099 little:0.0077 single:0.0067 the:0.0060 -the:0.4602 a:0.0834 :0.3233 this:0.0358 tho:0.0253 his:0.0175 an:0.0141 our:0.0136 its:0.0135 their:0.0134 -:0.7133 of:0.0730 or:0.0524 hundred:0.0408 years:0.0382 and:0.0250 days:0.0173 months:0.0159 in:0.0122 to:0.0120 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7294 the:0.0693 and:0.0507 to:0.0371 is:0.0262 a:0.0248 of:0.0205 was:0.0176 be:0.0131 are:0.0113 -:0.8274 of:0.0299 in:0.0238 to:0.0236 for:0.0198 that:0.0192 with:0.0188 and:0.0150 as:0.0115 at:0.0111 -the:0.2281 :0.5938 a:0.0354 is:0.0263 his:0.0245 as:0.0227 and:0.0213 he:0.0197 they:0.0142 this:0.0139 -:0.5503 the:0.1807 a:0.1696 any:0.0190 his:0.0158 he:0.0150 no:0.0140 one:0.0133 an:0.0120 their:0.0103 -:0.7336 to:0.0679 of:0.0453 and:0.0347 the:0.0286 in:0.0254 that:0.0184 a:0.0162 by:0.0153 for:0.0147 -:0.8305 the:0.0676 and:0.0271 of:0.0181 a:0.0165 in:0.0095 to:0.0094 as:0.0083 be:0.0074 he:0.0056 -:0.4241 of:0.1436 in:0.1083 by:0.0600 to:0.0532 that:0.0495 with:0.0455 for:0.0452 on:0.0360 from:0.0346 -the:0.1949 :0.5255 to:0.0958 in:0.0433 a:0.0407 his:0.0267 and:0.0248 by:0.0192 for:0.0153 of:0.0139 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.8310 the:0.0597 and:0.0271 of:0.0211 that:0.0172 a:0.0137 to:0.0103 in:0.0071 or:0.0064 is:0.0063 -:0.6176 of:0.1830 and:0.0757 in:0.0268 to:0.0248 the:0.0221 or:0.0133 are:0.0129 for:0.0122 with:0.0116 -:0.6923 the:0.0931 a:0.0430 of:0.0386 to:0.0350 and:0.0303 is:0.0219 was:0.0202 in:0.0161 or:0.0096 -:0.7395 and:0.0617 that:0.0361 it:0.0283 was:0.0271 as:0.0263 to:0.0262 is:0.0226 are:0.0163 which:0.0158 -:0.9702 of:0.0057 and:0.0042 is:0.0039 to:0.0037 are:0.0028 but:0.0027 years:0.0023 made:0.0023 who:0.0022 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6760 the:0.1414 and:0.0403 of:0.0388 a:0.0346 to:0.0244 his:0.0179 their:0.0100 in:0.0093 tho:0.0073 -:0.7538 of:0.0581 and:0.0497 to:0.0334 the:0.0253 in:0.0224 that:0.0211 for:0.0135 on:0.0119 by:0.0107 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9285 and:0.0144 the:0.0109 of:0.0090 time:0.0087 a:0.0080 is:0.0073 day:0.0046 are:0.0045 in:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6728 the:0.0838 to:0.0659 and:0.0470 of:0.0302 in:0.0287 a:0.0269 for:0.0163 by:0.0141 that:0.0141 -the:0.0520 a:0.0159 his:0.0143 :0.8710 this:0.0104 we:0.0076 their:0.0076 its:0.0073 tho:0.0071 he:0.0068 -:0.8280 to:0.0443 the:0.0442 and:0.0243 as:0.0112 that:0.0105 a:0.0102 of:0.0093 he:0.0092 in:0.0090 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8893 of:0.0358 to:0.0163 and:0.0134 that:0.0089 in:0.0081 have:0.0074 be:0.0074 will:0.0072 from:0.0064 -:0.6632 the:0.1073 a:0.0626 of:0.0560 and:0.0354 is:0.0225 was:0.0161 in:0.0141 for:0.0121 are:0.0109 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -the:0.4151 :0.3406 a:0.0715 his:0.0480 their:0.0297 this:0.0252 its:0.0194 tho:0.0190 any:0.0175 our:0.0141 -:0.5527 a:0.1693 the:0.1666 an:0.0229 no:0.0182 of:0.0174 and:0.0150 his:0.0149 tho:0.0131 their:0.0099 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.4706 of:0.1706 the:0.1441 to:0.0517 a:0.0497 and:0.0492 in:0.0265 for:0.0160 is:0.0115 was:0.0102 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.7919 to:0.0501 and:0.0371 the:0.0355 of:0.0326 in:0.0158 that:0.0108 a:0.0099 for:0.0089 or:0.0075 -:0.9337 wife:0.0116 hand:0.0096 office:0.0088 home:0.0085 life:0.0078 hands:0.0057 way:0.0051 country:0.0046 interest:0.0045 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5729 of:0.1596 the:0.0599 to:0.0528 in:0.0511 and:0.0419 by:0.0187 for:0.0166 with:0.0149 on:0.0118 -:0.5473 to:0.1329 of:0.0738 in:0.0695 for:0.0387 on:0.0350 by:0.0286 that:0.0274 with:0.0240 as:0.0230 -:0.9212 the:0.0254 and:0.0121 a:0.0098 this:0.0060 any:0.0060 it:0.0057 one:0.0051 he:0.0045 that:0.0041 -:0.7090 the:0.1594 a:0.0346 to:0.0175 that:0.0151 and:0.0150 of:0.0129 it:0.0129 his:0.0123 in:0.0112 -:0.7125 the:0.1845 this:0.0209 a:0.0158 his:0.0132 tho:0.0125 which:0.0106 that:0.0103 her:0.0100 all:0.0096 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9518 same:0.0077 city:0.0073 people:0.0064 country:0.0048 work:0.0047 way:0.0045 world:0.0045 law:0.0043 government:0.0040 -:0.9295 and:0.0190 that:0.0147 which:0.0079 as:0.0070 it:0.0069 but:0.0050 he:0.0041 to:0.0033 the:0.0026 -:0.7256 the:0.0771 a:0.0682 and:0.0379 of:0.0336 is:0.0173 was:0.0139 to:0.0117 for:0.0077 by:0.0069 -:0.7189 the:0.0731 a:0.0583 or:0.0413 and:0.0352 of:0.0259 in:0.0136 is:0.0128 to:0.0108 are:0.0101 -the:0.2846 :0.5493 a:0.0563 at:0.0223 that:0.0188 in:0.0153 by:0.0138 of:0.0136 and:0.0132 an:0.0129 -:0.7697 the:0.0933 of:0.0319 to:0.0259 and:0.0259 a:0.0200 in:0.0101 tho:0.0085 for:0.0074 was:0.0072 -:0.5403 the:0.2432 a:0.0834 to:0.0478 in:0.0236 his:0.0145 and:0.0127 of:0.0126 tho:0.0117 for:0.0102 -:0.7226 the:0.1295 and:0.0270 to:0.0243 a:0.0223 of:0.0198 in:0.0187 he:0.0133 it:0.0118 by:0.0107 -of:0.3150 :0.4783 in:0.0492 to:0.0376 and:0.0279 for:0.0274 with:0.0212 on:0.0179 at:0.0132 or:0.0124 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9013 and:0.0262 of:0.0182 that:0.0093 or:0.0090 the:0.0081 are:0.0080 as:0.0069 in:0.0067 a:0.0065 -:0.6189 to:0.1114 and:0.0816 of:0.0706 in:0.0383 for:0.0212 the:0.0166 was:0.0147 or:0.0136 on:0.0130 -:0.8918 and:0.0268 that:0.0171 so:0.0133 said:0.0129 all:0.0102 but:0.0080 fact:0.0070 to:0.0066 in:0.0064 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6935 the:0.1189 he:0.0527 we:0.0370 they:0.0224 a:0.0189 will:0.0156 has:0.0145 is:0.0137 was:0.0126 -:0.8649 and:0.0419 is:0.0215 to:0.0152 of:0.0127 will:0.0124 was:0.0099 are:0.0088 as:0.0064 or:0.0063 -:0.7960 of:0.0576 and:0.0545 to:0.0300 is:0.0121 the:0.0119 was:0.0117 in:0.0105 not:0.0080 or:0.0077 -:0.6107 it:0.1272 he:0.0954 there:0.0574 to:0.0293 she:0.0267 which:0.0166 and:0.0164 that:0.0110 who:0.0094 -the:0.3464 :0.4149 a:0.0834 to:0.0606 his:0.0275 this:0.0178 an:0.0133 their:0.0128 and:0.0127 any:0.0106 -:0.9559 made:0.0082 born:0.0057 it:0.0050 a:0.0048 done:0.0048 not:0.0042 killed:0.0039 taken:0.0038 the:0.0038 -:0.9078 wife:0.0334 life:0.0099 hands:0.0089 hundred:0.0075 head:0.0070 hand:0.0068 friends:0.0067 father:0.0064 own:0.0055 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8263 and:0.0296 as:0.0241 it:0.0207 is:0.0192 we:0.0170 who:0.0168 but:0.0161 that:0.0158 are:0.0145 -:0.8980 one:0.0421 all:0.0136 some:0.0133 each:0.0065 any:0.0061 those:0.0060 that:0.0059 the:0.0048 many:0.0037 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -to:0.2475 :0.4581 of:0.1056 and:0.0383 in:0.0367 is:0.0353 the:0.0284 was:0.0235 or:0.0138 at:0.0129 -:0.9751 the:0.0053 be:0.0038 it:0.0031 a:0.0027 an:0.0022 he:0.0021 was:0.0021 and:0.0018 is:0.0017 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9097 the:0.0289 old:0.0119 a:0.0102 additional:0.0081 first:0.0076 early:0.0068 tho:0.0059 honest:0.0058 great:0.0051 -:0.8518 of:0.0265 to:0.0248 in:0.0192 the:0.0189 and:0.0177 is:0.0145 was:0.0112 for:0.0083 as:0.0072 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7109 of:0.0994 to:0.0591 and:0.0563 in:0.0228 for:0.0125 that:0.0115 or:0.0093 as:0.0091 the:0.0090 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7298 be:0.0473 was:0.0437 and:0.0428 is:0.0340 to:0.0287 have:0.0217 the:0.0210 had:0.0157 has:0.0152 -:0.6084 the:0.1673 a:0.0708 and:0.0453 to:0.0284 is:0.0203 of:0.0181 in:0.0163 for:0.0132 was:0.0120 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.7313 that:0.0493 which:0.0483 whom:0.0433 be:0.0337 what:0.0205 say:0.0202 think:0.0199 do:0.0189 the:0.0146 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8824 the:0.0254 and:0.0214 a:0.0170 to:0.0167 of:0.0157 or:0.0063 in:0.0058 is:0.0053 time:0.0041 -:0.8787 and:0.0267 of:0.0218 to:0.0159 the:0.0141 in:0.0124 for:0.0092 that:0.0081 as:0.0067 is:0.0065 -:0.8207 and:0.0468 is:0.0354 was:0.0269 to:0.0178 be:0.0132 are:0.0120 or:0.0100 of:0.0091 not:0.0081 -:0.6104 the:0.1768 he:0.0806 is:0.0324 it:0.0239 was:0.0203 they:0.0174 had:0.0131 we:0.0128 tho:0.0122 -:0.6681 of:0.0873 in:0.0684 to:0.0351 for:0.0285 and:0.0277 with:0.0276 on:0.0222 by:0.0181 at:0.0170 -:0.7999 and:0.0376 to:0.0354 of:0.0266 the:0.0209 in:0.0205 for:0.0187 at:0.0169 was:0.0125 that:0.0111 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -the:0.2278 :0.4666 of:0.0977 a:0.0810 and:0.0317 is:0.0246 was:0.0232 to:0.0181 in:0.0151 tho:0.0144 -:0.8564 that:0.0238 it:0.0218 and:0.0185 he:0.0180 they:0.0139 the:0.0135 which:0.0131 one:0.0114 we:0.0096 -:0.9166 and:0.0313 is:0.0107 to:0.0094 was:0.0093 of:0.0082 that:0.0038 are:0.0038 but:0.0035 made:0.0034 -:0.7390 and:0.0873 to:0.0706 will:0.0294 would:0.0152 is:0.0151 we:0.0124 are:0.0108 may:0.0103 was:0.0100 -:0.7437 a:0.0588 the:0.0488 to:0.0407 in:0.0281 of:0.0264 and:0.0151 for:0.0145 by:0.0130 his:0.0109 -:0.8219 it:0.0862 not:0.0207 now:0.0185 there:0.0175 he:0.0111 that:0.0071 so:0.0060 only:0.0058 one:0.0051 -:0.6057 and:0.1216 is:0.0604 are:0.0424 was:0.0373 or:0.0314 will:0.0304 could:0.0241 has:0.0238 to:0.0230 -a:0.2795 :0.4395 the:0.1190 no:0.0445 not:0.0310 an:0.0230 very:0.0172 so:0.0168 to:0.0153 hereby:0.0141 -:0.8372 the:0.0407 and:0.0352 a:0.0326 to:0.0146 that:0.0095 of:0.0092 said:0.0085 be:0.0068 his:0.0058 -:0.6405 of:0.1002 in:0.0991 for:0.0379 with:0.0238 by:0.0220 from:0.0218 on:0.0213 at:0.0183 to:0.0151 -:0.7311 that:0.0605 of:0.0509 as:0.0473 and:0.0291 but:0.0211 for:0.0160 where:0.0156 when:0.0145 in:0.0139 -been:0.3250 not:0.0818 no:0.0483 a:0.0468 become:0.0232 never:0.0192 an:0.0191 ever:0.0138 always:0.0127 the:0.0116 -the:0.3262 a:0.2277 :0.3110 his:0.0453 their:0.0341 its:0.0163 tho:0.0108 an:0.0101 this:0.0094 her:0.0091 -the:0.4416 :0.4304 this:0.0313 tho:0.0244 a:0.0214 said:0.0144 any:0.0111 our:0.0096 his:0.0093 these:0.0065 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6923 it:0.1168 he:0.0713 there:0.0300 which:0.0250 to:0.0193 she:0.0162 and:0.0133 that:0.0103 you:0.0055 -:0.8037 of:0.0458 and:0.0454 the:0.0357 is:0.0185 a:0.0153 are:0.0118 in:0.0087 that:0.0077 which:0.0073 -:0.8363 and:0.0500 away:0.0182 to:0.0161 it:0.0140 him:0.0138 as:0.0136 up:0.0135 that:0.0129 ago:0.0116 -:0.7866 and:0.0467 of:0.0405 as:0.0291 is:0.0288 was:0.0211 the:0.0154 in:0.0119 a:0.0104 or:0.0095 -:0.9172 so:0.0133 made:0.0123 taken:0.0108 put:0.0101 the:0.0088 and:0.0083 went:0.0072 said:0.0063 given:0.0058 -:0.8498 not:0.0376 the:0.0277 a:0.0213 and:0.0152 one:0.0134 that:0.0096 an:0.0090 is:0.0083 it:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2324 a:0.1020 no:0.0963 been:0.0923 :0.3815 an:0.0249 his:0.0227 this:0.0182 their:0.0175 tho:0.0120 -:0.8453 the:0.0317 to:0.0308 of:0.0233 in:0.0166 and:0.0154 a:0.0114 for:0.0098 on:0.0081 as:0.0075 -the:0.3973 :0.3974 a:0.0649 his:0.0323 tho:0.0222 their:0.0202 this:0.0197 all:0.0187 its:0.0145 any:0.0128 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9505 same:0.0081 said:0.0076 public:0.0061 most:0.0053 best:0.0053 first:0.0046 people:0.0043 whole:0.0042 latter:0.0040 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.8115 and:0.0424 to:0.0338 of:0.0323 the:0.0321 in:0.0127 that:0.0120 he:0.0081 for:0.0079 by:0.0073 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -:0.6238 of:0.1723 to:0.0463 and:0.0443 in:0.0318 the:0.0261 is:0.0175 for:0.0137 a:0.0123 that:0.0119 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.7771 the:0.0623 a:0.0330 and:0.0288 of:0.0269 to:0.0202 is:0.0165 was:0.0143 in:0.0108 for:0.0101 -:0.8085 the:0.1023 this:0.0183 said:0.0148 which:0.0122 his:0.0107 a:0.0105 tho:0.0082 all:0.0079 them:0.0067 -:0.6194 of:0.1300 and:0.0722 to:0.0553 in:0.0414 for:0.0207 is:0.0184 was:0.0165 with:0.0132 at:0.0130 -:0.8066 to:0.0551 and:0.0371 of:0.0209 the:0.0208 in:0.0181 as:0.0136 a:0.0107 that:0.0089 or:0.0083 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.7310 been:0.1322 come:0.0282 made:0.0254 done:0.0199 taken:0.0168 gone:0.0149 seen:0.0113 passed:0.0104 not:0.0099 -of:0.3234 :0.3752 in:0.0662 on:0.0428 and:0.0400 at:0.0389 for:0.0357 to:0.0342 with:0.0228 by:0.0207 -:0.5976 the:0.2009 a:0.0768 of:0.0551 and:0.0220 in:0.0120 his:0.0095 this:0.0092 tho:0.0087 is:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9420 time:0.0154 day:0.0087 and:0.0066 way:0.0060 man:0.0058 matter:0.0042 place:0.0040 city:0.0039 reason:0.0034 -:0.8628 day:0.0598 side:0.0194 line:0.0135 part:0.0111 hundred:0.0084 one:0.0065 number:0.0064 and:0.0063 sort:0.0057 -:0.6164 to:0.1109 in:0.0747 not:0.0676 the:0.0586 a:0.0209 now:0.0174 hereby:0.0125 so:0.0112 very:0.0099 -in:0.1482 of:0.1481 to:0.1213 :0.3525 by:0.0480 for:0.0442 on:0.0421 at:0.0343 and:0.0308 that:0.0305 -:0.9333 as:0.0169 them:0.0095 him:0.0085 and:0.0070 it:0.0059 us:0.0053 regard:0.0049 right:0.0044 up:0.0043 -:0.7806 the:0.0983 a:0.0592 of:0.0107 and:0.0096 to:0.0090 it:0.0089 tho:0.0083 this:0.0078 any:0.0075 -to:0.7469 :0.1712 and:0.0208 will:0.0126 not:0.0114 of:0.0104 in:0.0088 that:0.0066 by:0.0058 would:0.0055 -not:0.2940 :0.3872 the:0.0747 of:0.0595 to:0.0526 a:0.0493 that:0.0217 and:0.0208 by:0.0203 in:0.0200 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7582 the:0.0822 of:0.0378 and:0.0294 a:0.0261 that:0.0220 in:0.0173 to:0.0115 for:0.0085 all:0.0070 -:0.5983 the:0.1121 a:0.0624 to:0.0563 by:0.0450 of:0.0359 in:0.0313 and:0.0288 for:0.0157 at:0.0141 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -:0.9099 and:0.0279 was:0.0114 is:0.0099 to:0.0094 a:0.0073 the:0.0066 he:0.0064 so:0.0056 it:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7177 to:0.1181 a:0.0554 the:0.0353 and:0.0209 in:0.0150 not:0.0100 was:0.0095 so:0.0091 of:0.0091 -:0.7316 and:0.0535 as:0.0449 to:0.0418 that:0.0363 if:0.0217 which:0.0211 of:0.0180 for:0.0163 but:0.0147 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7325 and:0.0557 of:0.0421 to:0.0401 in:0.0308 was:0.0255 is:0.0214 that:0.0196 for:0.0166 by:0.0156 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9527 up:0.0078 and:0.0066 it:0.0056 in:0.0053 out:0.0050 him:0.0050 to:0.0048 that:0.0037 here:0.0036 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8269 to:0.0465 and:0.0381 the:0.0309 it:0.0110 of:0.0110 that:0.0095 is:0.0088 who:0.0088 a:0.0085 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.6701 of:0.0977 and:0.0565 is:0.0394 the:0.0327 was:0.0263 a:0.0220 in:0.0216 to:0.0180 for:0.0157 -:0.7118 to:0.0518 in:0.0467 of:0.0395 that:0.0366 for:0.0282 and:0.0257 from:0.0220 on:0.0189 at:0.0189 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.9161 part:0.0167 day:0.0110 line:0.0093 portion:0.0092 side:0.0090 one:0.0085 number:0.0078 amount:0.0062 kind:0.0061 -:0.8742 and:0.0328 the:0.0183 was:0.0141 of:0.0128 are:0.0103 that:0.0096 has:0.0094 to:0.0092 a:0.0091 -:0.8918 day:0.0353 line:0.0143 one:0.0116 side:0.0113 part:0.0108 number:0.0070 mortgage:0.0068 deed:0.0067 that:0.0044 -:0.7100 of:0.0703 and:0.0657 to:0.0523 in:0.0379 for:0.0189 that:0.0128 with:0.0117 as:0.0112 the:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8377 the:0.0286 to:0.0247 in:0.0236 that:0.0179 for:0.0171 as:0.0136 by:0.0133 with:0.0120 of:0.0115 -:0.6880 the:0.0973 not:0.0666 a:0.0589 no:0.0248 that:0.0168 all:0.0129 an:0.0126 his:0.0119 so:0.0103 -:0.6358 the:0.1119 to:0.0899 a:0.0525 of:0.0385 and:0.0311 in:0.0122 this:0.0108 his:0.0094 for:0.0079 -:0.8791 of:0.0306 the:0.0192 and:0.0186 in:0.0121 to:0.0105 a:0.0080 that:0.0074 for:0.0073 with:0.0072 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8252 the:0.0519 of:0.0258 a:0.0212 that:0.0160 in:0.0156 and:0.0138 he:0.0123 to:0.0099 is:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.7929 to:0.0425 be:0.0289 he:0.0235 of:0.0230 and:0.0213 have:0.0184 as:0.0169 in:0.0168 that:0.0157 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6576 the:0.1240 and:0.0551 of:0.0467 as:0.0240 for:0.0228 to:0.0194 or:0.0172 a:0.0171 is:0.0161 -:0.8595 and:0.0384 to:0.0258 is:0.0158 he:0.0119 will:0.0111 of:0.0103 was:0.0101 it:0.0092 have:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8517 few:0.0586 little:0.0186 good:0.0166 great:0.0153 large:0.0113 certain:0.0079 young:0.0071 new:0.0065 very:0.0065 -:0.8994 and:0.0229 of:0.0195 that:0.0114 all:0.0101 to:0.0089 in:0.0081 the:0.0078 as:0.0063 for:0.0058 -the:0.0607 :0.8620 his:0.0144 this:0.0112 their:0.0099 tho:0.0089 her:0.0085 our:0.0083 a:0.0083 said:0.0077 -:0.8294 the:0.0388 to:0.0303 and:0.0264 of:0.0221 a:0.0164 in:0.0133 is:0.0097 was:0.0073 for:0.0063 -:0.8541 the:0.0443 and:0.0254 a:0.0207 to:0.0173 in:0.0093 that:0.0079 an:0.0076 as:0.0070 his:0.0064 -:0.6808 the:0.1808 a:0.0535 to:0.0162 of:0.0133 and:0.0130 in:0.0118 his:0.0115 this:0.0101 an:0.0089 -:0.7535 to:0.0737 and:0.0711 of:0.0172 is:0.0170 has:0.0147 was:0.0147 as:0.0146 the:0.0136 or:0.0099 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.8245 the:0.0811 a:0.0231 of:0.0164 and:0.0132 in:0.0100 to:0.0093 that:0.0085 his:0.0080 it:0.0058 -:0.7929 he:0.0565 it:0.0514 they:0.0218 is:0.0205 the:0.0152 we:0.0123 there:0.0121 she:0.0094 all:0.0079 -:0.8349 the:0.0393 a:0.0369 made:0.0203 had:0.0150 was:0.0127 so:0.0113 that:0.0113 been:0.0101 to:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7094 of:0.0770 and:0.0608 in:0.0373 to:0.0339 at:0.0251 for:0.0159 with:0.0138 from:0.0136 on:0.0133 -:0.7495 a:0.0904 the:0.0503 to:0.0206 of:0.0195 as:0.0165 that:0.0144 for:0.0134 and:0.0134 at:0.0121 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.6618 the:0.1971 a:0.0281 this:0.0259 tho:0.0217 his:0.0190 any:0.0127 their:0.0120 per:0.0110 our:0.0108 -:0.6172 the:0.1945 he:0.0530 a:0.0521 it:0.0219 they:0.0204 his:0.0131 tho:0.0102 she:0.0089 an:0.0086 -:0.4968 would:0.1398 will:0.1212 could:0.0604 was:0.0510 to:0.0348 can:0.0295 had:0.0265 is:0.0209 may:0.0192 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8186 such:0.0319 he:0.0266 in:0.0245 that:0.0214 the:0.0172 it:0.0166 to:0.0153 for:0.0141 at:0.0136 -:0.8462 made:0.0425 paid:0.0191 held:0.0173 used:0.0148 taken:0.0137 found:0.0132 done:0.0132 kept:0.0101 placed:0.0098 -to:0.1062 :0.8216 and:0.0121 not:0.0110 a:0.0100 been:0.0094 will:0.0087 so:0.0079 just:0.0079 well:0.0051 -the:0.3946 :0.3266 his:0.0844 their:0.0490 our:0.0340 this:0.0261 a:0.0257 tho:0.0255 its:0.0187 her:0.0154 -:0.7021 that:0.1503 it:0.0400 and:0.0284 he:0.0278 which:0.0254 to:0.0104 there:0.0060 but:0.0048 be:0.0048 -:0.6682 to:0.1009 a:0.0753 the:0.0524 and:0.0269 by:0.0182 an:0.0172 in:0.0146 that:0.0145 at:0.0119 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7744 the:0.0485 to:0.0472 a:0.0236 of:0.0223 in:0.0216 that:0.0197 and:0.0191 not:0.0122 at:0.0114 -:0.6160 to:0.1307 of:0.0702 and:0.0627 in:0.0352 the:0.0195 by:0.0192 for:0.0189 that:0.0140 was:0.0137 -:0.6262 the:0.1317 a:0.1031 of:0.0595 and:0.0312 in:0.0112 is:0.0104 tho:0.0099 to:0.0085 or:0.0083 -the:0.2682 :0.4918 a:0.1155 of:0.0328 and:0.0269 this:0.0181 tho:0.0134 to:0.0131 his:0.0109 was:0.0094 -:0.7503 the:0.0856 and:0.0358 to:0.0280 a:0.0263 of:0.0238 in:0.0183 that:0.0129 for:0.0102 by:0.0089 -we:0.0033 may:0.0032 they:0.0032 might:0.0030 will:0.0028 are:0.0021 should:0.0021 a:0.0018 the:0.0017 would:0.0017 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8789 a:0.0320 the:0.0182 made:0.0147 not:0.0134 in:0.0110 all:0.0087 that:0.0085 no:0.0084 found:0.0061 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -the:0.2192 :0.4730 a:0.0806 of:0.0722 and:0.0440 to:0.0396 in:0.0204 his:0.0199 are:0.0158 tho:0.0152 -:0.7565 the:0.0914 a:0.0557 and:0.0263 of:0.0211 to:0.0155 is:0.0101 was:0.0082 this:0.0081 in:0.0071 -:0.7319 the:0.0768 he:0.0314 to:0.0313 and:0.0276 of:0.0243 in:0.0237 a:0.0199 it:0.0179 that:0.0153 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.3197 :0.5165 a:0.0780 of:0.0199 and:0.0153 tho:0.0121 per:0.0120 is:0.0095 was:0.0086 this:0.0084 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7446 to:0.0656 and:0.0604 of:0.0260 the:0.0250 is:0.0219 was:0.0216 in:0.0145 be:0.0103 has:0.0102 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -to:0.3345 :0.5354 and:0.0487 will:0.0254 would:0.0135 of:0.0117 was:0.0092 is:0.0080 in:0.0075 should:0.0061 -:0.6890 the:0.1151 and:0.0474 of:0.0416 a:0.0353 to:0.0243 or:0.0135 that:0.0122 his:0.0111 he:0.0104 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2895 :0.3083 to:0.1169 in:0.0901 for:0.0493 on:0.0347 at:0.0315 by:0.0300 with:0.0251 from:0.0246 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7462 it:0.0909 which:0.0371 that:0.0352 and:0.0208 he:0.0169 they:0.0163 you:0.0138 there:0.0117 to:0.0112 -:0.6840 to:0.0861 and:0.0837 of:0.0331 the:0.0310 was:0.0282 is:0.0230 will:0.0124 are:0.0102 a:0.0083 -:0.5155 in:0.1285 of:0.1149 for:0.0502 that:0.0435 at:0.0336 as:0.0317 by:0.0312 to:0.0269 with:0.0242 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.5970 of:0.1312 and:0.0724 that:0.0397 as:0.0338 in:0.0290 to:0.0285 ago:0.0249 or:0.0227 for:0.0208 -:0.5192 the:0.2160 is:0.0977 was:0.0609 a:0.0273 in:0.0252 has:0.0163 of:0.0144 tho:0.0121 be:0.0109 -the:0.0594 :0.8413 not:0.0192 to:0.0149 a:0.0148 he:0.0111 his:0.0104 it:0.0100 and:0.0097 tho:0.0091 -:0.7874 and:0.0766 is:0.0336 was:0.0247 to:0.0242 are:0.0121 be:0.0115 of:0.0102 has:0.0099 the:0.0098 -:0.9063 a:0.0264 the:0.0241 to:0.0078 that:0.0074 it:0.0073 all:0.0059 in:0.0053 and:0.0048 his:0.0046 -:0.9013 line:0.0256 side:0.0143 day:0.0106 and:0.0098 out:0.0095 amount:0.0090 part:0.0070 one:0.0065 number:0.0062 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7448 the:0.0715 of:0.0373 to:0.0323 a:0.0314 and:0.0275 in:0.0198 by:0.0132 that:0.0114 for:0.0108 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.7252 to:0.0767 and:0.0593 in:0.0339 of:0.0312 the:0.0273 by:0.0134 for:0.0127 on:0.0104 as:0.0101 -:0.8548 as:0.0469 and:0.0382 is:0.0153 but:0.0096 up:0.0088 are:0.0069 him:0.0069 or:0.0067 them:0.0059 -:0.8719 of:0.0245 as:0.0188 a:0.0186 the:0.0148 that:0.0131 by:0.0107 in:0.0096 for:0.0091 so:0.0089 -:0.5450 of:0.1147 in:0.0744 the:0.0707 a:0.0553 to:0.0396 for:0.0284 at:0.0273 by:0.0240 and:0.0207 -:0.6878 to:0.0720 and:0.0519 was:0.0428 the:0.0426 is:0.0241 be:0.0236 will:0.0223 would:0.0170 not:0.0159 -:0.8908 to:0.0237 the:0.0231 and:0.0208 a:0.0095 of:0.0093 is:0.0063 will:0.0063 in:0.0053 not:0.0048 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8738 and:0.0263 he:0.0253 who:0.0156 to:0.0151 it:0.0139 the:0.0110 they:0.0068 we:0.0064 that:0.0057 -:0.7847 is:0.0364 a:0.0305 the:0.0272 was:0.0264 and:0.0250 of:0.0218 or:0.0183 be:0.0149 to:0.0147 -:0.8509 the:0.0311 he:0.0216 and:0.0200 it:0.0195 is:0.0190 as:0.0104 a:0.0101 in:0.0099 such:0.0074 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7414 and:0.0437 a:0.0425 of:0.0346 the:0.0309 is:0.0282 to:0.0223 was:0.0207 are:0.0184 as:0.0173 -:0.8114 and:0.0619 to:0.0328 of:0.0318 but:0.0137 is:0.0135 was:0.0103 that:0.0084 for:0.0083 in:0.0079 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.5588 to:0.1902 be:0.1044 the:0.0283 have:0.0274 not:0.0266 a:0.0188 only:0.0184 been:0.0153 bo:0.0117 -good:0.0053 short:0.0051 little:0.0051 great:0.0048 few:0.0043 certain:0.0035 dozen:0.0030 single:0.0029 large:0.0027 goodly:0.0025 -:0.7046 as:0.0859 and:0.0418 the:0.0411 of:0.0299 is:0.0280 was:0.0194 in:0.0192 to:0.0174 or:0.0126 -:0.7932 of:0.0532 and:0.0300 to:0.0298 in:0.0274 for:0.0148 the:0.0145 with:0.0129 by:0.0121 on:0.0121 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8430 the:0.0432 a:0.0388 and:0.0200 of:0.0170 was:0.0105 has:0.0076 is:0.0069 in:0.0066 be:0.0063 -same:0.0295 :0.9085 entire:0.0108 first:0.0106 whole:0.0090 other:0.0085 best:0.0069 great:0.0060 various:0.0053 most:0.0050 -:0.8980 made:0.0254 to:0.0159 out:0.0100 and:0.0099 paid:0.0096 up:0.0084 taken:0.0080 placed:0.0077 found:0.0071 -:0.8458 of:0.0518 and:0.0327 the:0.0229 in:0.0127 is:0.0086 to:0.0073 was:0.0072 a:0.0057 for:0.0055 -:0.7834 and:0.0574 to:0.0397 was:0.0252 is:0.0243 the:0.0229 will:0.0168 of:0.0104 who:0.0102 are:0.0098 -:0.7820 the:0.0662 and:0.0484 of:0.0381 that:0.0147 in:0.0127 to:0.0104 at:0.0095 a:0.0090 as:0.0089 -:0.6455 and:0.0704 to:0.0643 the:0.0628 of:0.0615 was:0.0278 is:0.0256 a:0.0158 in:0.0133 as:0.0129 -:0.8561 and:0.0321 the:0.0227 is:0.0175 a:0.0138 was:0.0134 who:0.0119 to:0.0117 of:0.0109 as:0.0101 -:0.7010 it:0.0807 he:0.0529 which:0.0382 they:0.0368 you:0.0221 we:0.0207 there:0.0178 that:0.0168 and:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9409 same:0.0136 most:0.0082 last:0.0074 other:0.0058 whole:0.0053 following:0.0049 next:0.0049 th:0.0047 first:0.0043 -:0.7535 is:0.0489 had:0.0427 are:0.0417 have:0.0404 was:0.0208 were:0.0166 not:0.0130 be:0.0113 has:0.0112 -:0.9134 few:0.0238 little:0.0110 man:0.0094 good:0.0090 year:0.0084 large:0.0080 person:0.0064 better:0.0056 more:0.0050 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -the:0.3484 :0.4629 a:0.0637 of:0.0240 and:0.0217 his:0.0209 was:0.0171 is:0.0155 tho:0.0136 an:0.0122 -:0.9347 it:0.0213 there:0.0125 which:0.0057 he:0.0056 that:0.0048 who:0.0045 and:0.0039 bill:0.0035 men:0.0035 -:0.8131 to:0.0372 and:0.0224 the:0.0218 we:0.0211 they:0.0205 that:0.0201 which:0.0156 as:0.0146 you:0.0137 -the:0.5191 :0.3436 a:0.0347 be:0.0321 tho:0.0239 his:0.0168 this:0.0097 their:0.0085 tbe:0.0064 our:0.0052 -the:0.5461 :0.2801 a:0.0722 tho:0.0245 his:0.0195 their:0.0155 this:0.0125 its:0.0114 an:0.0104 her:0.0077 -:0.8773 be:0.0386 him:0.0145 them:0.0113 go:0.0106 work:0.0100 come:0.0096 put:0.0095 the:0.0095 appear:0.0090 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.5033 :0.2509 in:0.0725 to:0.0397 and:0.0298 for:0.0269 on:0.0257 at:0.0212 with:0.0150 from:0.0149 -:0.6191 of:0.0785 to:0.0777 in:0.0621 and:0.0331 for:0.0320 by:0.0307 with:0.0234 the:0.0231 at:0.0203 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9221 as:0.0198 and:0.0116 is:0.0111 according:0.0079 feet:0.0071 came:0.0060 due:0.0051 enough:0.0048 went:0.0045 -:0.8881 to:0.0548 and:0.0130 in:0.0123 as:0.0084 of:0.0055 that:0.0048 all:0.0048 the:0.0047 or:0.0037 -:0.6661 of:0.1324 the:0.0448 a:0.0319 in:0.0314 and:0.0250 to:0.0192 as:0.0187 for:0.0157 that:0.0149 -:0.8581 and:0.0255 the:0.0252 to:0.0214 is:0.0155 be:0.0147 was:0.0133 he:0.0105 are:0.0079 not:0.0079 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7500 the:0.0643 and:0.0474 is:0.0364 to:0.0236 was:0.0207 a:0.0180 are:0.0154 of:0.0147 be:0.0094 -:0.8633 not:0.0280 able:0.0192 going:0.0180 likely:0.0156 ready:0.0133 due:0.0116 necessary:0.0111 expected:0.0100 impossible:0.0099 -:0.8643 the:0.0349 of:0.0280 and:0.0249 to:0.0161 a:0.0105 in:0.0058 as:0.0057 that:0.0052 or:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6727 the:0.1235 to:0.0495 and:0.0376 in:0.0290 a:0.0272 of:0.0206 by:0.0139 that:0.0135 his:0.0125 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.8210 of:0.0426 and:0.0379 to:0.0299 the:0.0177 that:0.0157 in:0.0120 by:0.0078 a:0.0076 at:0.0076 -:0.6305 the:0.1142 of:0.0793 a:0.0420 and:0.0357 in:0.0317 for:0.0229 is:0.0159 to:0.0144 with:0.0135 -:0.8840 the:0.0325 was:0.0164 a:0.0148 is:0.0099 great:0.0098 and:0.0092 most:0.0080 other:0.0078 last:0.0076 -:0.8176 and:0.0494 to:0.0421 of:0.0172 is:0.0158 in:0.0141 a:0.0141 he:0.0105 as:0.0099 the:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7419 has:0.0436 and:0.0381 was:0.0368 have:0.0309 is:0.0294 had:0.0251 the:0.0241 to:0.0173 be:0.0128 -the:0.1205 a:0.0436 :0.7634 be:0.0137 tho:0.0122 his:0.0109 an:0.0103 he:0.0096 their:0.0086 tbe:0.0073 -:0.6571 of:0.1008 and:0.0597 is:0.0442 or:0.0285 was:0.0282 are:0.0246 hundred:0.0245 to:0.0201 were:0.0125 -:0.7426 a:0.0695 to:0.0568 the:0.0530 be:0.0317 of:0.0113 and:0.0096 in:0.0091 very:0.0082 his:0.0082 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7953 of:0.0596 in:0.0340 and:0.0332 to:0.0221 is:0.0173 was:0.0113 for:0.0106 or:0.0097 with:0.0069 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.5958 of:0.1297 in:0.0549 to:0.0540 for:0.0360 and:0.0324 by:0.0248 at:0.0243 with:0.0240 on:0.0240 -:0.8050 of:0.0519 and:0.0459 to:0.0243 in:0.0178 was:0.0137 the:0.0123 is:0.0107 or:0.0094 that:0.0090 -the:0.2398 :0.5324 a:0.1245 he:0.0242 his:0.0207 not:0.0133 any:0.0130 tho:0.0117 an:0.0102 in:0.0101 -:0.7847 is:0.0364 a:0.0305 the:0.0272 was:0.0264 and:0.0250 of:0.0218 or:0.0183 be:0.0149 to:0.0147 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.6968 to:0.0846 not:0.0525 a:0.0438 now:0.0316 hereby:0.0267 no:0.0230 that:0.0151 the:0.0135 still:0.0125 -:0.7967 other:0.1083 one:0.0386 the:0.0119 person:0.0089 more:0.0085 two:0.0076 part:0.0072 a:0.0063 last:0.0060 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7481 to:0.0662 of:0.0549 the:0.0232 in:0.0220 and:0.0201 by:0.0176 a:0.0169 that:0.0163 for:0.0147 -:0.8642 the:0.0384 and:0.0288 is:0.0171 was:0.0123 a:0.0115 of:0.0074 to:0.0071 or:0.0069 be:0.0064 -:0.7062 to:0.0694 the:0.0581 and:0.0532 of:0.0507 in:0.0159 a:0.0147 was:0.0111 for:0.0105 is:0.0100 -:0.9462 the:0.0153 life:0.0065 them:0.0062 land:0.0061 sale:0.0051 said:0.0043 men:0.0038 water:0.0033 it:0.0032 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -of:0.3155 to:0.1438 :0.2829 in:0.0916 for:0.0366 and:0.0295 on:0.0286 from:0.0276 by:0.0251 with:0.0189 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7762 the:0.0472 a:0.0328 to:0.0292 of:0.0265 and:0.0245 not:0.0232 that:0.0176 in:0.0128 an:0.0100 -:0.6434 the:0.1303 a:0.0616 of:0.0555 to:0.0358 and:0.0256 in:0.0182 for:0.0109 at:0.0095 by:0.0091 -of:0.2340 to:0.1279 :0.3558 in:0.0867 for:0.0422 from:0.0337 on:0.0336 and:0.0314 by:0.0284 at:0.0262 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.6035 the:0.1722 of:0.0998 in:0.0274 a:0.0269 and:0.0221 for:0.0148 at:0.0134 by:0.0103 to:0.0097 -the:0.3270 :0.4893 a:0.0604 his:0.0286 tho:0.0212 which:0.0195 this:0.0177 their:0.0124 it:0.0124 our:0.0114 -:0.7023 of:0.0997 and:0.0476 the:0.0315 that:0.0293 to:0.0262 in:0.0215 for:0.0150 was:0.0135 a:0.0134 -:0.8438 the:0.0467 a:0.0341 that:0.0187 to:0.0106 as:0.0102 all:0.0097 and:0.0097 any:0.0092 said:0.0074 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5539 to:0.1539 the:0.0876 that:0.0530 of:0.0343 and:0.0328 in:0.0279 a:0.0225 as:0.0199 which:0.0143 -:0.6209 the:0.2204 of:0.0412 a:0.0275 to:0.0225 in:0.0207 and:0.0187 tho:0.0104 is:0.0092 at:0.0086 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.6160 of:0.1047 and:0.0615 in:0.0490 to:0.0475 for:0.0414 is:0.0241 or:0.0222 at:0.0174 was:0.0161 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2400 :0.4597 to:0.1269 and:0.0768 in:0.0294 for:0.0200 or:0.0139 by:0.0126 at:0.0106 that:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8471 real:0.0406 old:0.0381 the:0.0186 a:0.0152 first:0.0126 last:0.0087 hour:0.0085 south:0.0056 early:0.0050 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6904 the:0.0744 to:0.0618 will:0.0500 would:0.0285 and:0.0210 are:0.0195 were:0.0190 is:0.0181 of:0.0173 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.6842 the:0.2084 a:0.0336 his:0.0133 and:0.0122 that:0.0108 in:0.0096 to:0.0095 tho:0.0093 it:0.0091 -:0.6225 to:0.0762 in:0.0679 as:0.0441 by:0.0418 for:0.0379 with:0.0319 is:0.0310 at:0.0257 that:0.0210 -:0.8861 him:0.0286 the:0.0226 it:0.0208 them:0.0132 that:0.0066 which:0.0063 up:0.0059 a:0.0051 her:0.0048 -the:0.2956 :0.5653 a:0.0438 of:0.0237 and:0.0142 tho:0.0136 this:0.0133 at:0.0126 that:0.0097 in:0.0084 -:0.7872 we:0.0540 to:0.0475 mortgage:0.0326 they:0.0250 who:0.0143 and:0.0132 you:0.0100 men:0.0082 he:0.0080 -:0.8986 is:0.0235 as:0.0169 and:0.0112 began:0.0107 are:0.0102 went:0.0084 was:0.0078 came:0.0073 down:0.0054 -:0.8164 and:0.0541 is:0.0300 was:0.0278 the:0.0236 as:0.0112 to:0.0108 of:0.0099 are:0.0082 had:0.0081 -:0.8197 a:0.0355 and:0.0298 the:0.0292 is:0.0254 of:0.0195 was:0.0184 to:0.0083 said:0.0076 in:0.0065 -:0.6834 the:0.1461 a:0.0387 of:0.0333 this:0.0252 in:0.0187 and:0.0169 that:0.0146 his:0.0119 to:0.0112 -:0.6517 to:0.2371 and:0.0382 not:0.0278 in:0.0080 will:0.0080 are:0.0077 is:0.0073 was:0.0072 with:0.0070 -has:0.2879 have:0.2061 had:0.1579 :0.2896 having:0.0250 lias:0.0107 not:0.0077 and:0.0059 the:0.0047 bad:0.0043 -:0.7562 he:0.0745 and:0.0370 to:0.0335 it:0.0257 they:0.0210 who:0.0142 that:0.0139 we:0.0123 she:0.0117 -:0.9352 and:0.0116 one:0.0097 more:0.0092 or:0.0072 is:0.0063 to:0.0061 that:0.0054 it:0.0047 as:0.0046 -:0.8012 the:0.0430 least:0.0369 once:0.0308 all:0.0209 to:0.0200 oclock:0.0186 he:0.0109 it:0.0098 a:0.0079 -:0.7808 the:0.0604 and:0.0402 to:0.0244 of:0.0207 is:0.0204 was:0.0187 a:0.0157 in:0.0095 he:0.0094 -:0.4836 of:0.1549 in:0.1502 for:0.0535 at:0.0376 to:0.0278 with:0.0239 on:0.0233 from:0.0226 by:0.0225 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9160 and:0.0154 of:0.0144 to:0.0121 not:0.0108 or:0.0078 are:0.0071 so:0.0061 years:0.0052 feet:0.0051 -:0.8396 to:0.0390 the:0.0292 and:0.0234 of:0.0177 will:0.0169 a:0.0094 is:0.0088 not:0.0084 was:0.0076 -:0.7937 the:0.0759 a:0.0508 he:0.0142 that:0.0134 it:0.0127 and:0.0112 not:0.0110 an:0.0090 to:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.7750 of:0.0680 in:0.0367 is:0.0233 are:0.0196 and:0.0194 a:0.0158 was:0.0146 the:0.0143 for:0.0133 -:0.6696 a:0.1003 of:0.0637 the:0.0484 and:0.0379 to:0.0217 are:0.0174 or:0.0160 were:0.0131 was:0.0119 -:0.6642 of:0.1536 and:0.0571 the:0.0272 in:0.0219 to:0.0181 that:0.0176 for:0.0165 a:0.0139 with:0.0100 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8205 it:0.0356 they:0.0280 he:0.0256 which:0.0215 and:0.0189 we:0.0173 that:0.0130 there:0.0106 who:0.0090 -:0.5698 the:0.1679 a:0.0884 to:0.0544 that:0.0282 his:0.0211 and:0.0206 of:0.0184 this:0.0175 which:0.0137 -:0.8294 and:0.0634 of:0.0202 that:0.0170 but:0.0168 is:0.0126 to:0.0117 so:0.0107 in:0.0101 was:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3798 :0.4829 his:0.0294 a:0.0221 this:0.0212 their:0.0185 tho:0.0169 these:0.0125 our:0.0105 said:0.0063 -:0.9304 one:0.0223 part:0.0098 day:0.0086 line:0.0062 side:0.0057 number:0.0047 use:0.0043 out:0.0040 place:0.0040 -:0.4693 of:0.1017 with:0.0805 in:0.0711 to:0.0689 for:0.0528 by:0.0455 and:0.0408 that:0.0400 on:0.0295 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -of:0.3886 :0.4397 and:0.0660 to:0.0316 in:0.0218 or:0.0125 for:0.0124 at:0.0098 on:0.0088 by:0.0086 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8688 the:0.0337 and:0.0264 a:0.0227 of:0.0158 to:0.0108 or:0.0066 is:0.0054 as:0.0049 in:0.0049 -:0.8642 the:0.0384 and:0.0288 is:0.0171 was:0.0123 a:0.0115 of:0.0074 to:0.0071 or:0.0069 be:0.0064 -:0.6305 the:0.1142 of:0.0793 a:0.0420 and:0.0357 in:0.0317 for:0.0229 is:0.0159 to:0.0144 with:0.0135 -:0.9154 and:0.0306 one:0.0094 is:0.0086 was:0.0080 a:0.0068 the:0.0063 to:0.0052 are:0.0051 of:0.0046 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7989 the:0.0387 tell:0.0353 be:0.0324 give:0.0300 make:0.0167 which:0.0157 get:0.0122 see:0.0106 pay:0.0095 -:0.5669 the:0.1420 of:0.0768 a:0.0701 to:0.0350 and:0.0262 his:0.0249 in:0.0223 that:0.0211 their:0.0147 -:0.6867 and:0.1015 that:0.0544 but:0.0452 as:0.0449 of:0.0278 to:0.0148 which:0.0110 it:0.0076 in:0.0061 -:0.7790 few:0.0446 great:0.0414 good:0.0336 very:0.0236 large:0.0235 a:0.0177 little:0.0161 short:0.0103 certain:0.0101 -:0.6627 the:0.1804 and:0.0387 a:0.0382 of:0.0269 to:0.0144 is:0.0108 in:0.0102 as:0.0100 his:0.0076 -:0.9078 and:0.0278 of:0.0139 to:0.0136 in:0.0080 is:0.0080 the:0.0065 for:0.0054 with:0.0046 or:0.0045 -of:0.2287 :0.4295 in:0.1072 for:0.0459 to:0.0405 on:0.0363 from:0.0333 with:0.0286 by:0.0263 that:0.0237 -:0.6281 the:0.1501 a:0.0612 to:0.0424 and:0.0394 of:0.0373 that:0.0112 his:0.0108 in:0.0106 this:0.0090 -:0.9265 own:0.0235 wife:0.0159 the:0.0071 life:0.0053 old:0.0047 hand:0.0046 way:0.0042 time:0.0041 of:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7293 and:0.0613 to:0.0484 be:0.0399 of:0.0335 have:0.0231 or:0.0221 was:0.0178 as:0.0126 will:0.0120 -:0.6201 the:0.1185 to:0.1038 and:0.0447 of:0.0284 will:0.0223 a:0.0198 would:0.0152 was:0.0143 is:0.0130 -the:0.2699 a:0.1731 :0.4535 his:0.0245 be:0.0210 tho:0.0164 their:0.0116 this:0.0106 her:0.0099 our:0.0096 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8248 the:0.0577 and:0.0528 of:0.0181 was:0.0113 is:0.0106 a:0.0088 to:0.0058 that:0.0055 in:0.0046 -to:0.2421 the:0.1012 for:0.0742 by:0.0737 in:0.0439 with:0.0435 of:0.0426 at:0.0226 :0.3391 on:0.0171 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7137 to:0.0883 and:0.0550 at:0.0294 the:0.0245 was:0.0216 of:0.0197 that:0.0172 is:0.0165 will:0.0142 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7078 the:0.1395 a:0.0512 and:0.0379 of:0.0165 this:0.0104 his:0.0100 is:0.0099 any:0.0088 their:0.0078 -:0.6443 has:0.1010 the:0.0574 having:0.0493 had:0.0398 have:0.0363 it:0.0218 he:0.0208 not:0.0156 that:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8216 and:0.0508 to:0.0230 the:0.0217 is:0.0194 was:0.0176 who:0.0138 a:0.0114 be:0.0114 were:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7612 to:0.0509 of:0.0473 the:0.0379 and:0.0349 in:0.0206 a:0.0169 that:0.0120 for:0.0099 by:0.0084 -the:0.3534 a:0.0768 their:0.0591 his:0.0523 tho:0.0466 its:0.0436 this:0.0340 our:0.0215 my:0.0129 an:0.0124 -:0.9184 and:0.0178 it:0.0176 to:0.0089 together:0.0083 him:0.0074 up:0.0069 them:0.0052 that:0.0051 you:0.0042 -:0.8640 be:0.0329 do:0.0183 have:0.0168 know:0.0147 see:0.0128 the:0.0123 make:0.0107 say:0.0098 get:0.0076 -the:0.3857 :0.4012 a:0.1065 this:0.0326 tho:0.0257 his:0.0133 he:0.0122 no:0.0079 its:0.0075 it:0.0075 -be:0.2458 :0.5969 not:0.0302 have:0.0295 bo:0.0260 give:0.0154 do:0.0146 take:0.0142 get:0.0138 find:0.0136 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.6330 a:0.1278 been:0.1220 the:0.0398 no:0.0246 not:0.0193 done:0.0100 an:0.0081 in:0.0079 that:0.0074 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.9213 little:0.0123 great:0.0122 good:0.0111 few:0.0109 large:0.0102 very:0.0074 certain:0.0051 man:0.0048 long:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6789 to:0.1146 and:0.0622 the:0.0286 was:0.0276 will:0.0263 is:0.0188 a:0.0163 would:0.0153 be:0.0115 -:0.8451 the:0.0298 to:0.0255 and:0.0199 that:0.0181 a:0.0176 of:0.0162 in:0.0113 for:0.0092 it:0.0072 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.2346 :0.5369 a:0.1033 their:0.0241 an:0.0220 tho:0.0175 any:0.0170 his:0.0170 its:0.0148 that:0.0129 -:0.5389 of:0.1543 to:0.1043 and:0.0625 in:0.0500 the:0.0206 for:0.0194 on:0.0183 from:0.0172 at:0.0146 -:0.6849 the:0.1862 a:0.0382 his:0.0258 their:0.0140 that:0.0132 tho:0.0103 its:0.0099 all:0.0088 this:0.0087 -:0.6467 that:0.0974 as:0.0652 and:0.0404 which:0.0357 if:0.0293 when:0.0253 where:0.0240 but:0.0239 because:0.0121 -:0.8301 and:0.0432 to:0.0342 of:0.0274 that:0.0168 in:0.0148 for:0.0115 the:0.0086 or:0.0072 with:0.0061 -:0.9672 the:0.0055 he:0.0044 if:0.0039 that:0.0036 there:0.0034 then:0.0034 what:0.0031 his:0.0030 which:0.0024 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7664 and:0.0553 the:0.0376 of:0.0261 to:0.0246 that:0.0231 in:0.0201 a:0.0182 for:0.0179 by:0.0108 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.3741 :0.4659 a:0.0458 of:0.0407 and:0.0212 tho:0.0161 in:0.0102 was:0.0091 this:0.0085 at:0.0084 -:0.6793 the:0.1048 a:0.0593 of:0.0334 in:0.0315 to:0.0261 his:0.0241 for:0.0154 that:0.0138 all:0.0124 -:0.6811 the:0.1240 in:0.0414 a:0.0313 to:0.0308 of:0.0232 by:0.0182 for:0.0182 and:0.0159 his:0.0158 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6686 him:0.1035 them:0.0543 the:0.0424 it:0.0395 such:0.0276 which:0.0210 us:0.0154 his:0.0141 a:0.0136 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7045 the:0.0462 of:0.0451 to:0.0426 and:0.0420 is:0.0313 in:0.0293 was:0.0253 a:0.0205 will:0.0131 -:0.9092 and:0.0195 so:0.0140 to:0.0103 given:0.0099 of:0.0090 but:0.0074 in:0.0073 from:0.0069 made:0.0063 -:0.8178 to:0.0454 the:0.0313 a:0.0201 in:0.0177 for:0.0176 with:0.0147 by:0.0141 and:0.0125 as:0.0089 -:0.8549 the:0.0445 be:0.0286 make:0.0138 pay:0.0115 get:0.0105 keep:0.0097 take:0.0093 a:0.0090 give:0.0081 -:0.7050 it:0.1213 there:0.0425 and:0.0358 he:0.0212 who:0.0212 which:0.0184 that:0.0154 but:0.0097 as:0.0095 -:0.8405 the:0.0467 and:0.0290 he:0.0202 a:0.0170 it:0.0156 who:0.0120 is:0.0067 this:0.0062 his:0.0061 -:0.7768 of:0.0440 in:0.0403 to:0.0304 with:0.0252 and:0.0212 for:0.0181 from:0.0174 by:0.0134 on:0.0131 -:0.7675 of:0.0904 to:0.0305 and:0.0248 in:0.0219 who:0.0178 are:0.0148 for:0.0125 a:0.0099 with:0.0099 -:0.9099 the:0.0198 is:0.0154 time:0.0120 city:0.0095 was:0.0076 great:0.0069 year:0.0068 way:0.0063 a:0.0059 -:0.7760 and:0.0450 of:0.0415 to:0.0333 the:0.0333 for:0.0173 in:0.0142 that:0.0135 with:0.0131 a:0.0128 -:0.8485 and:0.0337 the:0.0267 of:0.0242 is:0.0142 a:0.0130 that:0.0127 was:0.0100 at:0.0087 in:0.0084 -:0.3654 to:0.1277 of:0.1221 in:0.1053 that:0.0958 for:0.0468 by:0.0366 with:0.0355 at:0.0344 from:0.0303 -:0.6856 the:0.0979 a:0.0902 said:0.0366 his:0.0171 which:0.0168 it:0.0167 this:0.0141 their:0.0126 an:0.0123 -the:0.0709 be:0.0268 a:0.0155 his:0.0138 give:0.0090 its:0.0086 their:0.0085 tho:0.0083 take:0.0078 get:0.0077 -:0.6753 and:0.0714 a:0.0601 the:0.0534 to:0.0519 that:0.0276 of:0.0201 in:0.0152 his:0.0131 he:0.0119 -:0.4445 been:0.1550 the:0.1172 a:0.0969 no:0.0841 not:0.0365 his:0.0330 this:0.0132 to:0.0101 their:0.0095 -of:0.2531 to:0.1285 :0.3641 in:0.0703 for:0.0374 from:0.0321 and:0.0305 on:0.0302 with:0.0294 by:0.0244 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6000 of:0.1294 to:0.0485 in:0.0434 and:0.0425 the:0.0369 as:0.0275 for:0.0274 by:0.0232 that:0.0212 -the:0.3290 :0.4788 a:0.0803 his:0.0224 tho:0.0193 this:0.0188 their:0.0150 other:0.0148 its:0.0108 he:0.0107 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.6103 a:0.1475 the:0.0892 to:0.0379 much:0.0275 well:0.0233 he:0.0178 they:0.0168 we:0.0158 any:0.0139 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -:0.9102 to:0.0144 and:0.0141 the:0.0129 of:0.0104 in:0.0092 for:0.0078 is:0.0077 was:0.0068 it:0.0065 -:0.8454 and:0.0469 as:0.0286 is:0.0232 up:0.0148 or:0.0091 of:0.0090 but:0.0082 it:0.0076 down:0.0072 -:0.9311 hour:0.0170 is:0.0102 old:0.0089 of:0.0088 or:0.0055 and:0.0049 time:0.0048 in:0.0047 years:0.0041 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -to:0.5813 :0.2685 and:0.0483 of:0.0208 will:0.0198 or:0.0142 would:0.0137 that:0.0121 he:0.0119 shall:0.0093 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6245 that:0.1353 if:0.0759 as:0.0512 when:0.0457 which:0.0204 what:0.0172 where:0.0112 it:0.0098 because:0.0089 -:0.8620 have:0.0245 as:0.0204 not:0.0174 had:0.0166 and:0.0129 the:0.0120 has:0.0119 are:0.0113 be:0.0109 -:0.8140 the:0.0390 to:0.0379 a:0.0378 and:0.0287 of:0.0111 will:0.0102 per:0.0082 was:0.0067 he:0.0064 -:0.7588 a:0.0497 not:0.0463 hereby:0.0416 the:0.0408 no:0.0241 now:0.0123 to:0.0096 being:0.0086 all:0.0082 -:0.6080 the:0.2309 a:0.0688 any:0.0194 to:0.0174 this:0.0155 and:0.0133 his:0.0102 in:0.0086 tho:0.0078 -:0.7863 to:0.0568 of:0.0402 and:0.0318 that:0.0244 not:0.0189 in:0.0116 it:0.0108 was:0.0100 which:0.0092 -to:0.2083 :0.3557 will:0.1504 shall:0.0572 would:0.0528 should:0.0449 may:0.0433 can:0.0374 must:0.0317 could:0.0182 -of:0.2715 :0.5412 and:0.0587 or:0.0277 in:0.0238 to:0.0199 for:0.0166 is:0.0150 are:0.0132 on:0.0122 -:0.8643 the:0.0349 of:0.0280 and:0.0249 to:0.0161 a:0.0105 in:0.0058 as:0.0057 that:0.0052 or:0.0046 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.8761 the:0.0418 and:0.0187 was:0.0137 is:0.0132 a:0.0095 or:0.0077 be:0.0070 are:0.0063 of:0.0060 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8026 the:0.0662 to:0.0282 a:0.0206 of:0.0196 in:0.0160 and:0.0141 his:0.0131 will:0.0106 would:0.0090 -the:0.0669 :0.8308 a:0.0330 his:0.0134 of:0.0115 their:0.0113 and:0.0104 this:0.0080 tho:0.0078 that:0.0069 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -of:0.4319 to:0.0562 for:0.0475 in:0.0404 and:0.0367 with:0.0242 from:0.0230 as:0.0225 :0.2999 at:0.0176 -:0.9559 made:0.0082 born:0.0057 it:0.0050 a:0.0048 done:0.0048 not:0.0042 killed:0.0039 taken:0.0038 the:0.0038 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8299 the:0.0876 that:0.0130 all:0.0120 her:0.0111 his:0.0108 them:0.0097 a:0.0088 said:0.0087 which:0.0085 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -of:0.0903 :0.6901 to:0.0585 and:0.0501 the:0.0322 a:0.0200 is:0.0163 in:0.0161 as:0.0158 will:0.0106 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7843 of:0.0694 and:0.0381 the:0.0301 to:0.0210 in:0.0171 or:0.0107 that:0.0107 a:0.0095 for:0.0092 -to:0.2563 will:0.1943 :0.2938 shall:0.0559 can:0.0473 would:0.0452 should:0.0449 must:0.0249 may:0.0215 and:0.0159 -:0.6463 the:0.1436 a:0.1322 his:0.0186 in:0.0128 their:0.0101 tho:0.0098 all:0.0095 no:0.0092 of:0.0080 -:0.6327 of:0.0912 and:0.0713 to:0.0646 the:0.0447 in:0.0293 with:0.0180 by:0.0163 for:0.0161 that:0.0159 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.5727 of:0.1682 in:0.0584 to:0.0426 and:0.0412 for:0.0300 on:0.0237 by:0.0224 with:0.0205 from:0.0203 -:0.6968 of:0.0789 and:0.0556 to:0.0409 the:0.0402 in:0.0236 by:0.0185 that:0.0161 for:0.0150 as:0.0144 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9267 and:0.0252 to:0.0106 years:0.0082 are:0.0071 or:0.0057 of:0.0048 is:0.0044 men:0.0036 that:0.0036 -:0.9446 and:0.0139 is:0.0084 one:0.0060 more:0.0054 was:0.0050 the:0.0049 or:0.0040 as:0.0040 to:0.0037 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6824 and:0.0963 to:0.0956 of:0.0394 in:0.0195 was:0.0187 had:0.0159 is:0.0119 or:0.0103 not:0.0100 -:0.8630 and:0.0401 of:0.0304 to:0.0126 in:0.0103 that:0.0097 for:0.0092 the:0.0089 with:0.0082 is:0.0076 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.6948 the:0.1207 a:0.0685 of:0.0299 and:0.0187 his:0.0152 to:0.0147 that:0.0129 their:0.0125 or:0.0121 -:0.5554 of:0.1006 in:0.0833 to:0.0792 for:0.0428 on:0.0315 by:0.0308 at:0.0298 from:0.0282 that:0.0185 -:0.7469 of:0.0427 and:0.0422 in:0.0300 for:0.0298 to:0.0279 a:0.0249 that:0.0214 by:0.0172 with:0.0170 -:0.7246 of:0.0640 and:0.0396 the:0.0391 to:0.0336 a:0.0275 in:0.0244 is:0.0182 was:0.0166 has:0.0124 -:0.8339 and:0.0639 of:0.0285 that:0.0186 to:0.0118 but:0.0109 or:0.0096 is:0.0078 as:0.0077 in:0.0073 -the:0.1791 a:0.1036 his:0.0346 their:0.0337 tho:0.0303 :0.5444 our:0.0208 such:0.0195 tbe:0.0181 its:0.0158 -:0.9334 the:0.0142 he:0.0087 then:0.0078 to:0.0072 that:0.0069 we:0.0058 one:0.0056 all:0.0053 not:0.0051 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8124 the:0.0503 and:0.0443 of:0.0259 he:0.0137 that:0.0118 is:0.0112 to:0.0108 in:0.0104 a:0.0093 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.9351 the:0.0202 order:0.0126 which:0.0060 said:0.0048 him:0.0047 it:0.0045 this:0.0044 a:0.0040 front:0.0037 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6511 in:0.1000 of:0.0460 to:0.0429 with:0.0314 by:0.0311 for:0.0288 at:0.0268 on:0.0266 and:0.0153 -:0.6282 the:0.1354 a:0.0764 of:0.0437 to:0.0412 and:0.0302 in:0.0146 for:0.0115 his:0.0095 by:0.0092 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2447 :0.5687 a:0.0899 his:0.0273 this:0.0159 their:0.0149 tho:0.0125 and:0.0114 our:0.0074 its:0.0072 -:0.9011 part:0.0221 side:0.0142 line:0.0121 out:0.0116 one:0.0107 years:0.0073 day:0.0073 and:0.0071 days:0.0064 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9074 and:0.0178 are:0.0173 is:0.0110 oclock:0.0098 that:0.0088 were:0.0084 was:0.0069 it:0.0069 man:0.0059 -:0.8485 and:0.0337 the:0.0267 of:0.0242 is:0.0142 a:0.0130 that:0.0127 was:0.0100 at:0.0087 in:0.0084 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.9285 and:0.0144 the:0.0109 of:0.0090 time:0.0087 a:0.0080 is:0.0073 day:0.0046 are:0.0045 in:0.0044 -:0.8802 and:0.0334 to:0.0172 that:0.0158 as:0.0144 which:0.0100 it:0.0099 who:0.0067 but:0.0064 of:0.0060 -:0.7760 the:0.0692 a:0.0692 not:0.0259 in:0.0119 no:0.0111 an:0.0106 to:0.0092 that:0.0089 made:0.0080 -:0.5968 the:0.2025 to:0.0502 and:0.0302 a:0.0264 in:0.0257 of:0.0237 by:0.0154 that:0.0147 it:0.0144 -:0.7415 of:0.0536 the:0.0500 and:0.0335 in:0.0271 to:0.0260 a:0.0210 at:0.0200 for:0.0141 that:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8927 it:0.0179 and:0.0167 a:0.0160 the:0.0137 to:0.0132 not:0.0105 him:0.0066 one:0.0065 that:0.0061 -:0.8205 it:0.0356 they:0.0280 he:0.0256 which:0.0215 and:0.0189 we:0.0173 that:0.0130 there:0.0106 who:0.0090 -:0.8420 the:0.0468 a:0.0439 and:0.0114 one:0.0108 he:0.0101 in:0.0098 no:0.0086 be:0.0085 any:0.0080 -:0.8670 and:0.0333 it:0.0213 he:0.0197 they:0.0136 who:0.0129 that:0.0091 more:0.0085 we:0.0081 as:0.0064 -:0.9015 same:0.0156 last:0.0145 most:0.0128 the:0.0126 other:0.0113 old:0.0088 great:0.0081 first:0.0075 past:0.0073 -:0.8144 made:0.0720 done:0.0169 caused:0.0158 followed:0.0145 received:0.0144 found:0.0140 paid:0.0130 given:0.0126 owned:0.0123 -:0.9310 not:0.0143 to:0.0118 will:0.0098 and:0.0082 the:0.0056 was:0.0053 may:0.0049 would:0.0049 could:0.0042 -:0.9169 and:0.0183 as:0.0150 feet:0.0116 up:0.0096 out:0.0062 him:0.0060 down:0.0057 is:0.0054 them:0.0052 -of:0.4207 :0.2981 in:0.0557 to:0.0449 for:0.0434 with:0.0351 and:0.0296 at:0.0264 from:0.0240 on:0.0220 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.8423 and:0.0262 that:0.0262 to:0.0244 as:0.0233 out:0.0219 up:0.0101 which:0.0092 him:0.0086 but:0.0079 -:0.9007 that:0.0154 and:0.0151 it:0.0150 to:0.0131 one:0.0109 the:0.0082 days:0.0077 side:0.0072 ago:0.0067 -to:0.2491 :0.5109 will:0.0630 would:0.0340 can:0.0331 and:0.0327 could:0.0251 who:0.0181 of:0.0180 shall:0.0159 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -the:0.1860 a:0.1587 :0.5606 of:0.0161 his:0.0150 this:0.0150 and:0.0141 any:0.0121 an:0.0115 tho:0.0109 -:0.6356 the:0.1710 of:0.0444 a:0.0393 to:0.0317 in:0.0225 and:0.0225 at:0.0153 his:0.0089 or:0.0087 -:0.7560 the:0.0800 and:0.0424 a:0.0304 that:0.0208 of:0.0190 his:0.0158 in:0.0126 to:0.0117 which:0.0114 -:0.8002 of:0.0827 and:0.0418 to:0.0209 in:0.0138 the:0.0105 for:0.0093 or:0.0074 on:0.0070 that:0.0065 -:0.9420 him:0.0101 which:0.0099 them:0.0080 whom:0.0060 us:0.0051 it:0.0050 what:0.0049 all:0.0048 me:0.0042 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -to:0.2553 :0.4877 of:0.0925 and:0.0497 in:0.0315 is:0.0224 a:0.0181 was:0.0169 for:0.0131 the:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8369 of:0.0541 years:0.0244 and:0.0236 the:0.0153 or:0.0108 that:0.0106 days:0.0087 hundred:0.0083 to:0.0072 -:0.9228 and:0.0259 it:0.0091 to:0.0069 well:0.0067 him:0.0067 so:0.0059 was:0.0057 of:0.0051 is:0.0051 -:0.8164 it:0.0379 and:0.0292 that:0.0244 which:0.0237 as:0.0182 he:0.0156 they:0.0133 you:0.0110 to:0.0102 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9487 city:0.0106 world:0.0066 same:0.0060 country:0.0056 time:0.0049 bill:0.0046 year:0.0045 state:0.0043 case:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5180 of:0.1233 in:0.0824 to:0.0720 by:0.0450 for:0.0397 on:0.0387 at:0.0292 with:0.0262 from:0.0254 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5879 of:0.1424 to:0.0887 and:0.0601 in:0.0379 the:0.0374 by:0.0125 for:0.0122 with:0.0108 on:0.0101 -:0.7590 the:0.0685 and:0.0360 to:0.0349 of:0.0330 a:0.0248 in:0.0129 is:0.0111 for:0.0104 with:0.0094 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -the:0.2943 :0.5662 a:0.0374 tho:0.0318 this:0.0130 her:0.0120 any:0.0116 our:0.0116 his:0.0116 per:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8742 and:0.0390 is:0.0209 of:0.0174 was:0.0164 to:0.0112 but:0.0056 or:0.0053 that:0.0053 out:0.0047 -:0.7088 of:0.1187 and:0.0500 a:0.0226 or:0.0218 the:0.0210 to:0.0187 in:0.0143 is:0.0132 with:0.0108 -:0.6467 the:0.1386 a:0.0698 and:0.0422 of:0.0266 was:0.0202 is:0.0197 to:0.0178 or:0.0093 tho:0.0090 -:0.6972 the:0.0824 of:0.0550 and:0.0516 to:0.0350 a:0.0217 in:0.0207 for:0.0174 that:0.0108 with:0.0082 -:0.5837 the:0.1469 of:0.0692 a:0.0578 and:0.0448 is:0.0224 to:0.0212 was:0.0197 that:0.0180 in:0.0164 -:0.4881 of:0.1786 and:0.1067 to:0.0788 in:0.0415 is:0.0301 was:0.0273 for:0.0181 the:0.0175 or:0.0134 -:0.7950 the:0.0463 to:0.0439 and:0.0310 a:0.0245 was:0.0154 of:0.0153 is:0.0147 be:0.0073 are:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6235 the:0.2067 to:0.0489 said:0.0347 a:0.0238 his:0.0216 this:0.0108 their:0.0106 tho:0.0102 all:0.0091 -of:0.1831 in:0.1003 :0.3941 for:0.0656 and:0.0588 to:0.0537 with:0.0442 at:0.0363 on:0.0348 by:0.0292 -:0.8593 and:0.0427 to:0.0280 of:0.0146 in:0.0146 for:0.0091 as:0.0085 by:0.0080 with:0.0079 is:0.0071 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7836 and:0.0446 the:0.0418 of:0.0352 that:0.0254 a:0.0156 in:0.0143 for:0.0137 is:0.0133 or:0.0126 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.9355 same:0.0129 first:0.0095 best:0.0071 said:0.0070 great:0.0066 most:0.0063 whole:0.0052 public:0.0050 right:0.0049 -:0.8797 one:0.0442 not:0.0144 out:0.0140 composed:0.0105 all:0.0085 that:0.0080 plenty:0.0074 some:0.0066 nothing:0.0066 -:0.7352 and:0.0579 of:0.0505 the:0.0501 to:0.0227 is:0.0204 a:0.0200 in:0.0182 that:0.0129 was:0.0121 -not:0.3066 :0.6033 the:0.0231 be:0.0161 of:0.0116 that:0.0100 and:0.0084 in:0.0073 a:0.0069 to:0.0067 -:0.9555 years:0.0091 hundred:0.0081 day:0.0056 time:0.0049 days:0.0045 and:0.0042 year:0.0031 up:0.0027 down:0.0023 -:0.6237 to:0.0901 of:0.0761 he:0.0577 and:0.0436 the:0.0262 in:0.0255 they:0.0233 a:0.0183 we:0.0154 -the:0.2278 :0.4666 of:0.0977 a:0.0810 and:0.0317 is:0.0246 was:0.0232 to:0.0181 in:0.0151 tho:0.0144 -:0.8604 and:0.0319 to:0.0258 the:0.0180 of:0.0148 a:0.0122 is:0.0111 was:0.0098 it:0.0084 in:0.0075 -:0.6150 of:0.1069 to:0.0708 a:0.0500 the:0.0497 in:0.0363 and:0.0287 for:0.0166 at:0.0133 with:0.0128 -:0.8860 and:0.0192 of:0.0179 that:0.0169 to:0.0149 the:0.0141 mortgage:0.0110 in:0.0079 a:0.0063 day:0.0057 -:0.7089 the:0.1664 a:0.0453 this:0.0192 an:0.0113 his:0.0109 any:0.0104 to:0.0102 tho:0.0090 one:0.0083 -:0.9187 one:0.0175 doubt:0.0127 he:0.0104 and:0.0100 time:0.0086 other:0.0076 they:0.0050 the:0.0049 it:0.0047 -:0.9394 of:0.0152 and:0.0140 the:0.0077 city:0.0045 in:0.0041 county:0.0039 to:0.0038 that:0.0037 a:0.0037 -:0.9312 the:0.0194 a:0.0098 and:0.0073 be:0.0065 two:0.0059 was:0.0055 three:0.0051 is:0.0048 one:0.0044 -:0.4679 of:0.1667 the:0.1649 per:0.0545 in:0.0499 a:0.0269 and:0.0246 at:0.0179 for:0.0152 or:0.0115 -:0.7158 in:0.0606 of:0.0513 to:0.0466 and:0.0342 for:0.0259 that:0.0242 by:0.0148 from:0.0142 on:0.0123 -:0.8351 the:0.0536 of:0.0246 and:0.0235 a:0.0205 in:0.0097 to:0.0097 for:0.0090 with:0.0072 that:0.0071 -:0.7728 of:0.0679 to:0.0368 and:0.0348 the:0.0320 in:0.0177 a:0.0115 that:0.0102 by:0.0092 for:0.0072 -:0.8064 of:0.0634 and:0.0402 the:0.0278 to:0.0161 in:0.0157 or:0.0087 a:0.0076 for:0.0071 at:0.0070 -:0.8087 the:0.0996 said:0.0263 which:0.0146 this:0.0113 that:0.0086 tho:0.0083 all:0.0078 her:0.0074 them:0.0074 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.2169 of:0.1412 :0.3381 in:0.0641 for:0.0590 by:0.0504 and:0.0408 with:0.0317 at:0.0315 that:0.0264 -:0.5794 a:0.1785 the:0.1103 not:0.0317 no:0.0246 an:0.0211 very:0.0169 so:0.0158 two:0.0119 one:0.0097 -:0.9142 out:0.0207 and:0.0122 line:0.0096 one:0.0089 instead:0.0079 side:0.0076 day:0.0072 amount:0.0059 feet:0.0058 -:0.5755 of:0.1707 in:0.0977 for:0.0335 at:0.0247 on:0.0223 and:0.0205 with:0.0189 to:0.0185 from:0.0178 -:0.6602 the:0.0717 of:0.0654 a:0.0543 and:0.0505 that:0.0311 for:0.0189 in:0.0182 as:0.0151 by:0.0145 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7708 the:0.0589 and:0.0356 a:0.0296 is:0.0278 of:0.0250 was:0.0245 be:0.0119 or:0.0083 he:0.0076 -:0.9263 same:0.0224 other:0.0122 whole:0.0071 first:0.0065 great:0.0055 following:0.0054 best:0.0050 public:0.0050 city:0.0047 -:0.6263 the:0.2236 a:0.0848 his:0.0174 their:0.0097 other:0.0093 tho:0.0086 any:0.0077 this:0.0065 that:0.0062 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6066 not:0.1545 the:0.1217 a:0.0442 that:0.0179 to:0.0125 it:0.0121 so:0.0115 an:0.0103 no:0.0087 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7444 that:0.1221 as:0.0255 and:0.0220 to:0.0196 if:0.0152 in:0.0140 of:0.0137 when:0.0121 which:0.0114 -:0.8659 same:0.0322 first:0.0176 most:0.0158 great:0.0148 said:0.0118 other:0.0116 whole:0.0115 new:0.0095 very:0.0093 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6902 of:0.1521 and:0.0468 in:0.0283 the:0.0167 for:0.0160 to:0.0146 from:0.0122 with:0.0118 was:0.0112 -:0.7713 are:0.0671 were:0.0397 come:0.0382 have:0.0194 came:0.0149 go:0.0141 had:0.0137 went:0.0110 do:0.0106 -:0.7225 the:0.0834 and:0.0677 of:0.0395 to:0.0393 a:0.0140 in:0.0093 or:0.0092 is:0.0077 was:0.0074 -:0.8130 was:0.0324 of:0.0287 is:0.0269 and:0.0249 to:0.0199 the:0.0144 would:0.0138 has:0.0135 in:0.0124 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -the:0.3214 :0.4917 a:0.0642 be:0.0522 his:0.0268 tho:0.0121 her:0.0084 this:0.0082 any:0.0076 their:0.0075 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.8388 that:0.0434 the:0.0242 it:0.0229 and:0.0203 which:0.0158 he:0.0130 to:0.0077 him:0.0070 time:0.0069 -:0.5366 of:0.1316 to:0.0899 with:0.0596 in:0.0419 for:0.0414 by:0.0343 and:0.0288 on:0.0205 at:0.0153 -a:0.0731 the:0.0390 :0.8165 no:0.0145 an:0.0142 not:0.0111 he:0.0087 his:0.0082 so:0.0078 tho:0.0068 -:0.8174 of:0.0582 to:0.0318 and:0.0284 the:0.0193 in:0.0141 that:0.0105 a:0.0073 for:0.0067 from:0.0063 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7606 of:0.0668 the:0.0416 and:0.0395 is:0.0221 a:0.0194 in:0.0162 was:0.0134 that:0.0103 or:0.0101 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -be:0.2709 :0.6010 not:0.0325 have:0.0238 bo:0.0220 the:0.0126 take:0.0112 he:0.0107 get:0.0076 make:0.0076 -:0.8794 as:0.0228 we:0.0178 they:0.0170 he:0.0134 it:0.0133 who:0.0113 and:0.0105 men:0.0078 there:0.0067 -the:0.0089 a:0.0073 an:0.0065 our:0.0039 his:0.0037 their:0.0036 its:0.0031 tho:0.0029 tbe:0.0027 some:0.0024 -:0.8448 few:0.0269 great:0.0263 large:0.0226 little:0.0201 good:0.0184 man:0.0147 long:0.0099 very:0.0082 small:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8062 the:0.0826 a:0.0297 that:0.0186 in:0.0119 to:0.0118 it:0.0107 of:0.0106 and:0.0104 by:0.0075 -:0.8555 is:0.0424 and:0.0240 as:0.0159 was:0.0130 are:0.0116 came:0.0100 feet:0.0094 went:0.0092 up:0.0090 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -to:0.2558 :0.5311 will:0.0531 and:0.0368 can:0.0315 of:0.0307 would:0.0222 must:0.0143 could:0.0125 shall:0.0122 -:0.6191 of:0.0785 to:0.0777 in:0.0621 and:0.0331 for:0.0320 by:0.0307 with:0.0234 the:0.0231 at:0.0203 -:0.8895 and:0.0286 the:0.0153 to:0.0135 of:0.0106 is:0.0096 was:0.0089 had:0.0085 have:0.0078 a:0.0078 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6384 the:0.1539 a:0.1063 an:0.0201 him:0.0177 to:0.0164 and:0.0140 that:0.0116 their:0.0113 it:0.0103 -:0.6955 the:0.0765 and:0.0760 to:0.0360 of:0.0357 a:0.0210 he:0.0192 is:0.0138 was:0.0136 that:0.0126 -:0.7857 the:0.0634 to:0.0458 and:0.0312 he:0.0239 of:0.0126 has:0.0108 have:0.0094 is:0.0089 was:0.0083 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8310 they:0.0403 who:0.0248 and:0.0220 we:0.0212 he:0.0168 there:0.0141 it:0.0117 which:0.0111 that:0.0070 -:0.7109 the:0.1563 he:0.0361 this:0.0190 a:0.0181 it:0.0160 his:0.0130 they:0.0109 we:0.0104 tho:0.0094 -:0.5443 to:0.1619 the:0.0872 and:0.0565 in:0.0428 of:0.0252 a:0.0250 that:0.0250 for:0.0173 his:0.0148 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -:0.6152 the:0.1670 a:0.0941 and:0.0271 of:0.0237 is:0.0187 be:0.0159 was:0.0136 tho:0.0132 his:0.0114 -:0.7227 and:0.0590 of:0.0368 be:0.0350 to:0.0347 the:0.0301 was:0.0234 that:0.0211 not:0.0202 is:0.0169 -:0.5278 the:0.1551 a:0.1060 of:0.0582 and:0.0485 any:0.0281 that:0.0268 or:0.0184 his:0.0166 to:0.0144 -:0.9183 them:0.0197 the:0.0181 land:0.0089 interest:0.0084 him:0.0061 sale:0.0054 it:0.0053 this:0.0051 all:0.0048 -:0.8809 and:0.0330 the:0.0235 a:0.0114 was:0.0110 it:0.0087 of:0.0085 to:0.0083 is:0.0082 said:0.0065 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.6930 the:0.1234 a:0.0653 and:0.0320 to:0.0297 of:0.0176 he:0.0116 this:0.0102 his:0.0097 an:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6941 the:0.0660 to:0.0459 he:0.0404 his:0.0329 a:0.0327 and:0.0309 of:0.0195 their:0.0192 in:0.0184 -the:0.3062 :0.5765 a:0.0359 his:0.0215 tho:0.0131 their:0.0118 this:0.0099 that:0.0093 which:0.0080 its:0.0079 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8062 favor:0.0513 one:0.0301 spite:0.0262 order:0.0217 front:0.0152 behalf:0.0145 some:0.0123 view:0.0119 all:0.0107 -of:0.1631 :0.4157 to:0.0823 in:0.0756 for:0.0647 with:0.0527 is:0.0414 and:0.0413 was:0.0319 as:0.0314 -:0.8701 same:0.0261 other:0.0178 first:0.0178 said:0.0163 north:0.0126 most:0.0108 whole:0.0096 south:0.0095 best:0.0094 -:0.3603 has:0.2331 have:0.2314 had:0.1337 having:0.0109 and:0.0104 was:0.0056 is:0.0056 as:0.0049 he:0.0041 -the:0.4117 :0.3765 a:0.1121 his:0.0220 their:0.0166 tho:0.0130 an:0.0129 any:0.0122 this:0.0117 to:0.0114 -:0.5356 of:0.1178 in:0.0774 and:0.0565 as:0.0465 with:0.0457 to:0.0319 for:0.0309 by:0.0309 is:0.0269 -:0.6690 of:0.0811 the:0.0539 a:0.0464 and:0.0409 to:0.0337 that:0.0208 so:0.0197 for:0.0177 in:0.0168 -:0.5989 the:0.2666 a:0.0510 said:0.0181 tho:0.0151 his:0.0125 an:0.0111 this:0.0100 their:0.0095 our:0.0072 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8476 the:0.0412 and:0.0395 of:0.0192 to:0.0107 he:0.0094 that:0.0092 it:0.0086 a:0.0075 who:0.0071 -:0.8475 it:0.0256 he:0.0249 to:0.0211 she:0.0156 and:0.0140 we:0.0138 they:0.0128 the:0.0125 which:0.0121 -:0.9664 same:0.0069 following:0.0045 said:0.0037 most:0.0035 other:0.0033 people:0.0033 last:0.0032 city:0.0027 first:0.0027 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.9568 the:0.0110 it:0.0055 him:0.0053 them:0.0045 a:0.0041 up:0.0038 in:0.0033 and:0.0030 all:0.0026 -to:0.5531 :0.3356 will:0.0243 not:0.0192 shall:0.0182 may:0.0158 it:0.0102 would:0.0083 should:0.0080 can:0.0073 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.8459 of:0.0692 and:0.0174 week:0.0114 in:0.0113 the:0.0103 night:0.0093 is:0.0091 other:0.0088 was:0.0074 -:0.8840 the:0.0408 a:0.0268 and:0.0101 three:0.0068 few:0.0067 two:0.0066 will:0.0062 to:0.0061 one:0.0060 -:0.6303 of:0.1555 and:0.0565 to:0.0465 in:0.0263 as:0.0202 is:0.0197 the:0.0186 for:0.0148 was:0.0116 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.8673 and:0.0430 of:0.0295 to:0.0273 or:0.0085 in:0.0056 from:0.0056 as:0.0051 is:0.0043 years:0.0037 -:0.6368 of:0.1369 and:0.0645 to:0.0367 in:0.0301 the:0.0266 is:0.0195 was:0.0169 for:0.0164 at:0.0155 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.7712 the:0.1073 a:0.0376 and:0.0221 was:0.0123 of:0.0118 to:0.0103 is:0.0095 or:0.0091 be:0.0088 -:0.9463 went:0.0117 as:0.0089 it:0.0056 able:0.0055 is:0.0053 began:0.0048 right:0.0044 came:0.0041 go:0.0035 -:0.7241 he:0.0577 it:0.0536 and:0.0350 they:0.0267 which:0.0251 who:0.0251 that:0.0206 we:0.0192 there:0.0131 -:0.9286 up:0.0142 and:0.0104 it:0.0097 him:0.0074 years:0.0071 in:0.0069 or:0.0053 days:0.0052 out:0.0051 -has:0.2879 have:0.2061 had:0.1579 :0.2896 having:0.0250 lias:0.0107 not:0.0077 and:0.0059 the:0.0047 bad:0.0043 -the:0.0484 :0.8756 a:0.0177 one:0.0092 this:0.0091 they:0.0090 he:0.0083 and:0.0081 any:0.0075 his:0.0072 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6816 of:0.1154 to:0.0589 and:0.0341 the:0.0304 for:0.0190 in:0.0168 a:0.0164 with:0.0143 on:0.0131 -:0.6390 in:0.0694 of:0.0606 to:0.0576 for:0.0357 by:0.0350 from:0.0322 with:0.0266 on:0.0229 at:0.0209 -:0.8144 to:0.0573 and:0.0397 the:0.0289 of:0.0124 will:0.0103 was:0.0100 as:0.0097 that:0.0092 it:0.0082 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -have:0.0205 be:0.0161 is:0.0127 will:0.0125 to:0.0101 was:0.0093 :0.8983 has:0.0075 could:0.0070 and:0.0060 -:0.7276 the:0.0614 a:0.0506 and:0.0466 to:0.0280 of:0.0262 as:0.0184 in:0.0150 for:0.0137 or:0.0125 -:0.5651 of:0.1108 the:0.0798 a:0.0475 and:0.0447 in:0.0394 at:0.0312 is:0.0303 for:0.0259 are:0.0253 -:0.6647 of:0.1245 and:0.0509 to:0.0439 in:0.0250 who:0.0238 is:0.0209 the:0.0169 was:0.0160 or:0.0134 -:0.8089 and:0.0390 of:0.0309 to:0.0274 the:0.0255 is:0.0162 was:0.0158 in:0.0137 a:0.0113 will:0.0113 -:0.6233 the:0.1566 and:0.0536 a:0.0460 of:0.0389 to:0.0305 was:0.0154 in:0.0136 is:0.0132 his:0.0088 -:0.8189 the:0.0702 a:0.0440 any:0.0152 per:0.0108 and:0.0102 of:0.0096 one:0.0080 in:0.0066 this:0.0064 -the:0.5967 :0.2500 a:0.0319 tho:0.0319 this:0.0294 his:0.0202 our:0.0129 their:0.0117 any:0.0077 its:0.0075 -:0.7932 and:0.0475 to:0.0290 have:0.0268 had:0.0236 has:0.0222 the:0.0179 a:0.0134 of:0.0134 as:0.0130 -:0.6986 the:0.1567 a:0.0604 his:0.0171 their:0.0143 to:0.0118 that:0.0118 her:0.0100 tho:0.0098 which:0.0096 -:0.9512 that:0.0097 which:0.0068 and:0.0063 as:0.0054 by:0.0053 with:0.0047 for:0.0040 where:0.0033 was:0.0033 -:0.8034 more:0.1155 less:0.0329 and:0.0142 the:0.0078 that:0.0060 it:0.0060 to:0.0051 better:0.0050 which:0.0042 -:0.9515 following:0.0074 same:0.0063 said:0.0061 other:0.0058 world:0.0053 city:0.0049 most:0.0044 country:0.0043 state:0.0039 -:0.8782 to:0.0367 will:0.0204 the:0.0203 would:0.0086 that:0.0077 also:0.0072 then:0.0070 all:0.0069 should:0.0069 -the:0.4425 :0.3697 a:0.0524 this:0.0425 tho:0.0298 his:0.0228 our:0.0138 their:0.0107 her:0.0082 tbe:0.0076 -in:0.0836 of:0.0828 :0.4752 to:0.0653 by:0.0579 for:0.0557 on:0.0542 that:0.0498 at:0.0445 with:0.0309 -a:0.1023 :0.7180 not:0.0569 no:0.0434 the:0.0313 very:0.0164 an:0.0099 said:0.0079 still:0.0071 any:0.0067 -to:0.1465 of:0.1336 :0.3992 in:0.0837 for:0.0494 by:0.0435 with:0.0411 on:0.0372 from:0.0333 and:0.0326 -:0.7394 the:0.0742 of:0.0456 and:0.0315 in:0.0236 a:0.0222 that:0.0213 to:0.0166 at:0.0139 for:0.0117 -:0.6143 the:0.2275 a:0.0398 of:0.0191 to:0.0191 and:0.0190 that:0.0178 his:0.0154 as:0.0143 in:0.0137 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -they:0.3377 we:0.1673 :0.2434 you:0.0829 there:0.0773 he:0.0485 it:0.0246 she:0.0099 wo:0.0050 not:0.0036 -:0.8707 able:0.0356 made:0.0156 not:0.0153 unable:0.0129 allowed:0.0119 compelled:0.0111 going:0.0097 sent:0.0089 given:0.0082 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.4002 :0.3973 be:0.0633 a:0.0323 his:0.0284 tho:0.0204 their:0.0200 this:0.0169 its:0.0116 our:0.0096 -:0.6864 are:0.1080 were:0.0485 have:0.0480 had:0.0351 will:0.0245 would:0.0148 can:0.0139 could:0.0109 be:0.0100 -:0.7396 the:0.0979 a:0.0599 and:0.0263 is:0.0179 are:0.0144 of:0.0129 was:0.0123 his:0.0117 were:0.0070 -:0.8348 that:0.0706 as:0.0272 which:0.0147 what:0.0111 if:0.0107 it:0.0095 the:0.0075 all:0.0073 said:0.0067 -:0.9095 and:0.0324 that:0.0116 to:0.0079 it:0.0078 up:0.0066 him:0.0065 but:0.0064 out:0.0064 them:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9056 fact:0.0217 time:0.0195 and:0.0166 way:0.0086 day:0.0064 of:0.0061 opinion:0.0060 that:0.0049 but:0.0046 -of:0.3886 :0.4397 and:0.0660 to:0.0316 in:0.0218 or:0.0125 for:0.0124 at:0.0098 on:0.0088 by:0.0086 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5840 that:0.1216 as:0.0934 if:0.0487 when:0.0321 which:0.0312 and:0.0279 but:0.0249 it:0.0198 what:0.0164 -:0.9543 right:0.0067 power:0.0059 way:0.0056 and:0.0053 as:0.0049 him:0.0048 feet:0.0044 back:0.0041 order:0.0040 -:0.7288 of:0.0646 and:0.0578 to:0.0355 the:0.0303 in:0.0224 was:0.0181 or:0.0163 is:0.0133 a:0.0127 -:0.6266 of:0.1465 and:0.0622 to:0.0606 in:0.0289 for:0.0199 the:0.0172 that:0.0144 as:0.0123 by:0.0114 -:0.5820 the:0.2080 a:0.0513 of:0.0426 in:0.0276 and:0.0230 at:0.0188 by:0.0182 his:0.0143 to:0.0141 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6617 in:0.0592 to:0.0568 of:0.0475 by:0.0421 with:0.0319 for:0.0298 at:0.0255 on:0.0234 and:0.0221 -:0.8158 to:0.0390 and:0.0361 the:0.0248 of:0.0242 a:0.0154 was:0.0122 is:0.0117 in:0.0107 for:0.0101 -:0.7682 the:0.0945 a:0.0382 and:0.0271 he:0.0174 of:0.0137 was:0.0122 be:0.0111 is:0.0110 or:0.0067 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8377 and:0.0483 as:0.0376 is:0.0202 are:0.0124 but:0.0093 of:0.0090 down:0.0090 or:0.0083 enough:0.0083 -:0.7919 to:0.0501 and:0.0371 the:0.0355 of:0.0326 in:0.0158 that:0.0108 a:0.0099 for:0.0089 or:0.0075 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.7656 years:0.0764 days:0.0379 weeks:0.0240 months:0.0223 of:0.0204 and:0.0192 or:0.0142 men:0.0110 hundred:0.0090 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.7546 to:0.1068 and:0.0392 who:0.0213 will:0.0203 we:0.0131 would:0.0117 he:0.0112 it:0.0111 they:0.0106 -:0.7184 the:0.0983 of:0.0432 in:0.0296 a:0.0261 to:0.0242 and:0.0232 that:0.0145 is:0.0117 for:0.0109 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9169 and:0.0314 to:0.0103 is:0.0081 or:0.0069 the:0.0069 of:0.0059 was:0.0059 are:0.0040 in:0.0038 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9546 that:0.0076 and:0.0069 it:0.0050 him:0.0047 more:0.0046 out:0.0043 as:0.0043 to:0.0040 less:0.0039 -:0.7596 to:0.0603 of:0.0416 in:0.0348 and:0.0321 for:0.0214 on:0.0136 from:0.0128 by:0.0122 that:0.0115 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -the:0.4962 :0.3239 a:0.0732 his:0.0267 tho:0.0191 this:0.0171 their:0.0160 its:0.0120 any:0.0086 our:0.0072 -:0.8769 and:0.0416 to:0.0264 of:0.0122 the:0.0110 in:0.0086 that:0.0074 will:0.0058 from:0.0053 for:0.0049 -:0.9775 be:0.0044 the:0.0032 was:0.0025 and:0.0024 have:0.0023 had:0.0020 who:0.0019 are:0.0019 street:0.0018 -:0.5786 of:0.1588 in:0.0625 to:0.0553 and:0.0533 for:0.0278 by:0.0167 from:0.0165 with:0.0165 is:0.0139 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.5483 of:0.1089 as:0.0529 for:0.0492 in:0.0477 is:0.0474 was:0.0408 with:0.0401 that:0.0342 and:0.0306 -at:0.2123 :0.5380 of:0.0727 in:0.0418 the:0.0373 by:0.0330 as:0.0224 on:0.0148 for:0.0140 and:0.0137 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6601 the:0.1400 and:0.0552 a:0.0398 his:0.0266 of:0.0248 in:0.0189 for:0.0128 that:0.0117 tho:0.0101 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7932 of:0.0532 and:0.0300 to:0.0298 in:0.0274 for:0.0148 the:0.0145 with:0.0129 by:0.0121 on:0.0121 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9052 and:0.0295 that:0.0154 of:0.0103 to:0.0077 the:0.0071 as:0.0066 which:0.0064 it:0.0062 or:0.0056 -:0.6422 the:0.1840 of:0.0483 and:0.0320 a:0.0291 in:0.0211 to:0.0129 at:0.0110 this:0.0106 by:0.0088 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.6327 of:0.0912 and:0.0713 to:0.0646 the:0.0447 in:0.0293 with:0.0180 by:0.0163 for:0.0161 that:0.0159 -:0.6750 the:0.0915 to:0.0419 of:0.0381 and:0.0377 a:0.0370 that:0.0271 in:0.0245 by:0.0150 for:0.0122 -:0.9025 and:0.0171 according:0.0154 is:0.0128 began:0.0100 went:0.0097 came:0.0088 down:0.0081 as:0.0079 up:0.0077 -:0.8218 and:0.0554 to:0.0269 the:0.0155 of:0.0152 he:0.0140 have:0.0139 that:0.0133 not:0.0121 it:0.0119 -:0.6102 of:0.1223 to:0.0889 and:0.0608 in:0.0339 the:0.0207 that:0.0183 for:0.0165 by:0.0152 a:0.0133 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.8371 and:0.0717 to:0.0250 of:0.0149 as:0.0097 he:0.0092 who:0.0089 it:0.0088 is:0.0075 which:0.0072 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8641 to:0.0318 the:0.0202 and:0.0192 of:0.0140 is:0.0130 in:0.0111 that:0.0099 was:0.0096 for:0.0072 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -the:0.2259 :0.4148 a:0.1327 of:0.1192 in:0.0242 to:0.0229 his:0.0197 and:0.0164 tho:0.0126 no:0.0118 -:0.6733 the:0.1169 to:0.0591 and:0.0398 a:0.0360 of:0.0285 in:0.0140 his:0.0137 for:0.0097 this:0.0091 -:0.9340 city:0.0152 same:0.0097 government:0.0076 war:0.0069 world:0.0061 law:0.0052 country:0.0052 time:0.0051 state:0.0049 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9116 to:0.0182 of:0.0178 not:0.0142 in:0.0084 and:0.0078 by:0.0064 at:0.0062 from:0.0051 been:0.0044 -the:0.2156 :0.4903 a:0.1093 of:0.0597 to:0.0500 and:0.0247 in:0.0164 his:0.0143 for:0.0099 was:0.0097 -:0.8220 and:0.0350 it:0.0249 which:0.0228 he:0.0199 they:0.0192 we:0.0179 that:0.0140 as:0.0122 you:0.0121 -:0.8902 and:0.0249 to:0.0156 it:0.0114 of:0.0108 but:0.0107 is:0.0095 that:0.0094 for:0.0093 in:0.0081 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -to:0.3383 :0.5295 be:0.0484 only:0.0208 not:0.0145 been:0.0140 he:0.0099 and:0.0098 always:0.0081 we:0.0065 -:0.9310 hour:0.0283 right:0.0067 feet:0.0053 opportunity:0.0051 old:0.0051 home:0.0050 inch:0.0049 years:0.0047 said:0.0039 -:0.7713 is:0.0579 and:0.0504 was:0.0346 are:0.0186 he:0.0157 it:0.0156 has:0.0139 who:0.0117 have:0.0103 -of:0.4205 :0.2816 in:0.0710 at:0.0487 to:0.0447 for:0.0405 and:0.0272 on:0.0230 with:0.0224 by:0.0204 -:0.9447 amount:0.0082 day:0.0075 city:0.0074 end:0.0063 case:0.0062 matter:0.0051 state:0.0049 people:0.0049 purpose:0.0049 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8234 of:0.0287 and:0.0252 to:0.0252 a:0.0189 is:0.0176 the:0.0175 was:0.0167 in:0.0147 be:0.0121 -:0.8502 and:0.0341 to:0.0289 of:0.0270 in:0.0136 the:0.0136 was:0.0106 is:0.0088 for:0.0082 on:0.0050 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.4964 a:0.0419 this:0.0374 his:0.0330 their:0.0328 tho:0.0301 its:0.0215 our:0.0200 :0.2756 tbe:0.0112 -it:0.2723 :0.4696 there:0.0997 he:0.0977 she:0.0210 which:0.0099 the:0.0096 they:0.0086 ho:0.0062 we:0.0055 -:0.6920 of:0.0677 to:0.0546 and:0.0539 the:0.0399 in:0.0282 a:0.0271 or:0.0137 for:0.0124 at:0.0105 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8701 same:0.0261 other:0.0178 first:0.0178 said:0.0163 north:0.0126 most:0.0108 whole:0.0096 south:0.0095 best:0.0094 -:0.9296 in:0.0153 of:0.0125 to:0.0081 for:0.0070 year:0.0061 time:0.0057 that:0.0055 from:0.0051 by:0.0050 -:0.5643 the:0.2587 a:0.0711 his:0.0228 and:0.0187 this:0.0170 tho:0.0127 no:0.0122 of:0.0118 in:0.0107 -of:0.3816 :0.3048 in:0.0853 to:0.0472 on:0.0413 for:0.0375 and:0.0330 with:0.0277 that:0.0212 at:0.0205 -:0.9023 him:0.0221 them:0.0143 account:0.0136 it:0.0120 that:0.0103 which:0.0073 the:0.0069 out:0.0057 up:0.0055 -:0.4989 to:0.1288 of:0.1033 by:0.0594 in:0.0439 for:0.0396 at:0.0338 on:0.0322 and:0.0308 with:0.0294 -have:0.7658 not:0.0553 be:0.0312 had:0.0301 :0.0777 has:0.0141 havo:0.0101 never:0.0068 having:0.0044 bave:0.0044 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6575 of:0.1084 and:0.0790 the:0.0398 to:0.0367 in:0.0214 that:0.0194 or:0.0133 a:0.0128 for:0.0117 -:0.6380 the:0.1611 of:0.0487 and:0.0363 a:0.0347 to:0.0282 in:0.0220 was:0.0110 for:0.0109 or:0.0092 -:0.6928 say:0.0516 know:0.0514 believe:0.0479 have:0.0363 think:0.0287 find:0.0260 feel:0.0232 see:0.0223 do:0.0199 -:0.6632 the:0.1073 a:0.0626 of:0.0560 and:0.0354 is:0.0225 was:0.0161 in:0.0141 for:0.0121 are:0.0109 -:0.7643 and:0.0632 of:0.0514 the:0.0324 to:0.0236 in:0.0184 or:0.0149 are:0.0118 for:0.0112 were:0.0088 -:0.8225 the:0.0509 and:0.0314 of:0.0288 a:0.0174 to:0.0149 in:0.0113 as:0.0084 that:0.0075 for:0.0070 -:0.6452 the:0.1230 to:0.0530 of:0.0526 and:0.0387 a:0.0366 in:0.0167 for:0.0121 is:0.0115 was:0.0105 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.6358 the:0.1340 of:0.0710 to:0.0333 a:0.0268 not:0.0235 in:0.0206 are:0.0195 that:0.0188 and:0.0168 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8665 which:0.0296 you:0.0231 the:0.0153 they:0.0146 it:0.0138 we:0.0126 said:0.0099 there:0.0082 others:0.0064 -have:0.5321 :0.2716 had:0.0571 be:0.0302 has:0.0264 yet:0.0237 not:0.0190 having:0.0161 always:0.0137 only:0.0100 -:0.9078 the:0.0281 and:0.0158 of:0.0141 in:0.0073 is:0.0066 to:0.0058 a:0.0049 other:0.0048 or:0.0047 -:0.7450 to:0.0565 of:0.0379 and:0.0338 with:0.0281 for:0.0275 in:0.0254 the:0.0172 from:0.0145 by:0.0140 -:0.8574 of:0.0481 and:0.0268 to:0.0266 in:0.0105 years:0.0080 with:0.0065 from:0.0064 or:0.0049 on:0.0048 -:0.6891 the:0.0764 a:0.0518 and:0.0420 was:0.0294 is:0.0260 be:0.0250 to:0.0244 he:0.0205 his:0.0154 -:0.8851 and:0.0474 to:0.0151 the:0.0117 of:0.0085 is:0.0084 in:0.0070 it:0.0059 as:0.0058 that:0.0052 -:0.7313 of:0.0573 the:0.0393 a:0.0353 and:0.0347 or:0.0292 are:0.0244 in:0.0207 were:0.0141 to:0.0138 -:0.7806 and:0.0509 that:0.0400 as:0.0328 of:0.0286 but:0.0184 for:0.0134 if:0.0123 which:0.0117 where:0.0114 -:0.8264 and:0.0492 to:0.0384 of:0.0294 the:0.0157 in:0.0114 a:0.0077 at:0.0074 is:0.0074 as:0.0071 -:0.7510 the:0.0997 to:0.0266 of:0.0247 a:0.0245 and:0.0178 in:0.0150 he:0.0149 that:0.0135 it:0.0122 -:0.9039 and:0.0358 up:0.0095 that:0.0087 him:0.0084 them:0.0081 but:0.0068 out:0.0064 it:0.0064 or:0.0059 -:0.9348 own:0.0195 wife:0.0106 life:0.0065 a:0.0059 way:0.0049 hands:0.0046 one:0.0046 office:0.0045 old:0.0042 -:0.7394 the:0.0742 of:0.0456 and:0.0315 in:0.0236 a:0.0222 that:0.0213 to:0.0166 at:0.0139 for:0.0117 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -not:0.0814 to:0.0397 :0.7870 and:0.0264 it:0.0144 that:0.0129 he:0.0099 or:0.0097 we:0.0095 are:0.0091 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.9772 and:0.0034 the:0.0033 of:0.0029 as:0.0027 be:0.0026 said:0.0024 is:0.0019 in:0.0018 that:0.0018 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.7600 he:0.0614 it:0.0410 who:0.0373 and:0.0328 which:0.0204 that:0.0155 there:0.0116 is:0.0104 was:0.0097 -:0.6214 to:0.1051 the:0.0992 and:0.0427 a:0.0347 that:0.0292 of:0.0272 for:0.0141 if:0.0135 by:0.0129 -:0.8111 and:0.0487 the:0.0458 to:0.0223 of:0.0181 was:0.0133 will:0.0109 not:0.0102 is:0.0101 in:0.0095 -:0.7203 the:0.1149 a:0.0419 of:0.0342 and:0.0244 to:0.0165 that:0.0128 it:0.0126 in:0.0123 which:0.0102 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.4531 will:0.1415 are:0.0994 would:0.0874 were:0.0721 can:0.0518 could:0.0395 should:0.0189 be:0.0188 have:0.0174 -:0.8913 very:0.0226 great:0.0192 good:0.0182 little:0.0095 in:0.0092 large:0.0092 new:0.0077 certain:0.0067 a:0.0064 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.7330 of:0.0833 the:0.0516 a:0.0344 and:0.0274 to:0.0223 in:0.0165 is:0.0143 his:0.0091 for:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -:0.7917 and:0.0477 the:0.0443 to:0.0264 that:0.0191 was:0.0177 it:0.0146 is:0.0136 a:0.0129 as:0.0119 -:0.7024 the:0.0693 a:0.0550 and:0.0437 of:0.0387 is:0.0240 in:0.0190 his:0.0179 with:0.0154 was:0.0146 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8936 to:0.0179 with:0.0143 for:0.0138 of:0.0125 and:0.0118 in:0.0105 upon:0.0093 as:0.0089 or:0.0074 -:0.7898 the:0.0522 a:0.0495 of:0.0288 and:0.0248 to:0.0126 that:0.0122 his:0.0112 for:0.0097 in:0.0092 -:0.8309 the:0.0581 a:0.0221 of:0.0178 and:0.0175 in:0.0155 to:0.0132 that:0.0102 for:0.0079 as:0.0069 -:0.7504 the:0.1528 a:0.0272 this:0.0152 tho:0.0108 all:0.0104 said:0.0101 his:0.0087 our:0.0072 their:0.0071 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9323 it:0.0201 he:0.0094 and:0.0079 there:0.0075 time:0.0067 man:0.0044 which:0.0042 matter:0.0038 husband:0.0037 -:0.8868 of:0.0334 the:0.0197 and:0.0162 in:0.0130 to:0.0107 a:0.0063 or:0.0051 on:0.0045 at:0.0044 -:0.9473 and:0.0101 hundred:0.0074 day:0.0072 days:0.0057 years:0.0051 men:0.0047 of:0.0043 time:0.0041 months:0.0040 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.8604 made:0.0474 taken:0.0134 held:0.0130 done:0.0118 followed:0.0115 found:0.0115 not:0.0114 given:0.0107 born:0.0090 -:0.6445 and:0.1229 that:0.0723 but:0.0381 of:0.0371 as:0.0309 to:0.0181 who:0.0143 ago:0.0138 than:0.0081 -:0.8151 the:0.0545 and:0.0370 a:0.0240 of:0.0230 in:0.0132 is:0.0099 or:0.0099 that:0.0067 was:0.0067 -:0.6815 he:0.0626 to:0.0459 a:0.0386 the:0.0364 they:0.0348 it:0.0342 we:0.0264 well:0.0205 she:0.0191 -the:0.3217 :0.4740 a:0.0946 of:0.0368 and:0.0174 his:0.0161 tho:0.0112 this:0.0106 in:0.0090 their:0.0085 -:0.7256 the:0.0771 a:0.0682 and:0.0379 of:0.0336 is:0.0173 was:0.0139 to:0.0117 for:0.0077 by:0.0069 -:0.9478 and:0.0125 to:0.0076 it:0.0073 him:0.0056 that:0.0048 them:0.0045 not:0.0038 up:0.0033 as:0.0029 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8235 doubt:0.1069 time:0.0172 fact:0.0131 and:0.0087 reason:0.0082 say:0.0064 hope:0.0058 place:0.0056 believe:0.0046 -:0.7078 than:0.1158 has:0.0516 was:0.0233 and:0.0205 is:0.0185 to:0.0170 had:0.0158 or:0.0153 be:0.0144 -:0.9752 time:0.0036 hand:0.0033 year:0.0029 man:0.0028 day:0.0028 order:0.0026 and:0.0023 end:0.0022 case:0.0022 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8322 and:0.0712 of:0.0183 to:0.0178 that:0.0170 the:0.0126 a:0.0099 or:0.0074 so:0.0069 all:0.0067 -:0.5138 of:0.0972 and:0.0912 the:0.0786 to:0.0779 that:0.0469 in:0.0329 for:0.0245 a:0.0223 or:0.0149 -:0.6716 and:0.0695 the:0.0536 to:0.0494 of:0.0419 was:0.0345 is:0.0295 has:0.0188 in:0.0174 a:0.0138 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.8876 same:0.0153 other:0.0152 great:0.0150 the:0.0148 most:0.0135 last:0.0116 whole:0.0100 first:0.0090 present:0.0081 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7394 to:0.0934 of:0.0400 the:0.0376 in:0.0252 and:0.0204 that:0.0137 with:0.0113 by:0.0104 on:0.0086 -:0.9212 to:0.0197 and:0.0197 is:0.0083 or:0.0068 of:0.0061 in:0.0061 was:0.0052 are:0.0036 out:0.0034 -:0.9454 a:0.0112 the:0.0094 and:0.0078 one:0.0053 we:0.0049 more:0.0042 as:0.0040 not:0.0040 so:0.0038 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3505 :0.5150 a:0.0436 tho:0.0173 his:0.0168 their:0.0143 this:0.0140 an:0.0114 said:0.0087 its:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6403 and:0.1071 of:0.0915 to:0.0346 are:0.0257 or:0.0253 was:0.0201 in:0.0191 is:0.0185 were:0.0178 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6673 of:0.1061 the:0.0489 to:0.0476 and:0.0472 in:0.0257 for:0.0169 at:0.0142 a:0.0135 or:0.0128 -the:0.2870 :0.5075 a:0.0458 any:0.0417 this:0.0322 all:0.0219 least:0.0212 tho:0.0179 his:0.0151 its:0.0097 -the:0.4984 :0.3015 a:0.0571 this:0.0394 his:0.0331 their:0.0179 tho:0.0163 its:0.0156 said:0.0122 our:0.0085 -:0.5757 a:0.1496 the:0.0814 of:0.0643 is:0.0340 to:0.0267 and:0.0224 was:0.0180 are:0.0146 in:0.0132 -:0.9184 same:0.0147 other:0.0117 said:0.0111 whole:0.0091 most:0.0086 great:0.0079 best:0.0067 public:0.0062 new:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7724 the:0.0874 of:0.0333 a:0.0233 and:0.0213 in:0.0201 to:0.0130 is:0.0113 was:0.0102 for:0.0075 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.9251 mortgage:0.0188 and:0.0114 that:0.0090 day:0.0080 man:0.0076 petition:0.0056 land:0.0052 them:0.0047 interest:0.0047 -few:0.0046 large:0.0034 hundred:0.0025 heavy:0.0021 two:0.0019 a:0.0019 cent:0.0018 great:0.0017 more:0.0017 little:0.0016 -:0.9504 same:0.0115 said:0.0075 world:0.0061 city:0.0055 country:0.0047 war:0.0042 law:0.0034 public:0.0034 people:0.0033 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.9042 the:0.0397 a:0.0113 to:0.0086 all:0.0084 his:0.0064 in:0.0059 other:0.0054 no:0.0052 that:0.0050 -:0.8398 and:0.0426 is:0.0323 was:0.0302 to:0.0169 be:0.0096 are:0.0095 were:0.0076 had:0.0063 but:0.0052 -the:0.1179 a:0.0540 :0.7618 an:0.0136 tho:0.0136 per:0.0088 and:0.0082 this:0.0077 their:0.0074 his:0.0070 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -a:0.1734 the:0.1400 :0.4436 not:0.0683 no:0.0489 to:0.0350 hereby:0.0342 an:0.0213 so:0.0193 now:0.0161 -:0.8433 the:0.0732 be:0.0220 a:0.0210 he:0.0086 and:0.0068 in:0.0066 tho:0.0065 it:0.0062 have:0.0057 -:0.8959 that:0.0243 in:0.0239 from:0.0088 for:0.0086 if:0.0083 to:0.0082 the:0.0082 all:0.0080 by:0.0059 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7891 to:0.0575 the:0.0550 of:0.0263 in:0.0171 and:0.0154 a:0.0153 for:0.0099 was:0.0073 by:0.0070 -the:0.4039 :0.4466 a:0.0529 tho:0.0174 his:0.0173 our:0.0144 her:0.0135 this:0.0135 all:0.0104 their:0.0101 -:0.8029 it:0.0849 there:0.0294 which:0.0182 and:0.0177 he:0.0156 that:0.0122 who:0.0108 what:0.0042 the:0.0039 -:0.6958 the:0.1225 of:0.0362 and:0.0347 a:0.0286 is:0.0286 was:0.0180 this:0.0127 to:0.0120 or:0.0111 -:0.7650 to:0.0578 the:0.0451 in:0.0301 of:0.0241 and:0.0224 a:0.0212 that:0.0147 by:0.0104 on:0.0092 -:0.9563 city:0.0074 world:0.0053 people:0.0051 year:0.0046 time:0.0045 ground:0.0044 same:0.0042 work:0.0042 state:0.0040 -:0.6857 the:0.1822 he:0.0315 a:0.0281 it:0.0191 is:0.0121 they:0.0114 tho:0.0111 in:0.0102 this:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.4321 :0.3788 a:0.0743 tho:0.0310 his:0.0214 their:0.0163 its:0.0129 her:0.0117 tbe:0.0114 this:0.0102 -:0.7005 of:0.0856 to:0.0507 in:0.0424 that:0.0325 on:0.0221 for:0.0211 and:0.0166 at:0.0155 with:0.0129 -:0.6298 that:0.1105 as:0.0555 and:0.0458 but:0.0323 when:0.0319 which:0.0312 if:0.0254 where:0.0190 it:0.0186 -:0.8164 and:0.0541 is:0.0300 was:0.0278 the:0.0236 as:0.0112 to:0.0108 of:0.0099 are:0.0082 had:0.0081 -the:0.5061 :0.3416 tho:0.0335 this:0.0262 a:0.0257 his:0.0215 their:0.0135 our:0.0134 these:0.0109 tbe:0.0075 -statute:0.0044 southwest:0.0020 seventeenth:0.0020 affirmative:0.0017 earth:0.0016 southeast:0.0016 upper:0.0014 same:0.0014 insurgents:0.0014 highest:0.0014 -:0.8341 the:0.0890 a:0.0160 to:0.0131 and:0.0127 that:0.0107 in:0.0067 his:0.0064 an:0.0059 them:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8042 made:0.0575 held:0.0220 done:0.0201 paid:0.0197 given:0.0165 found:0.0164 used:0.0160 taken:0.0142 followed:0.0135 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.9236 and:0.0303 is:0.0107 was:0.0082 it:0.0054 are:0.0052 that:0.0052 but:0.0039 or:0.0038 were:0.0037 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7073 of:0.1107 and:0.0372 in:0.0297 for:0.0239 as:0.0217 that:0.0208 with:0.0204 the:0.0157 at:0.0126 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8773 and:0.0302 the:0.0260 to:0.0237 in:0.0096 a:0.0094 as:0.0079 that:0.0066 of:0.0060 or:0.0033 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8416 those:0.0402 and:0.0240 man:0.0211 men:0.0201 he:0.0129 one:0.0124 that:0.0108 is:0.0094 to:0.0075 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5377 of:0.1433 to:0.0998 in:0.0542 the:0.0534 and:0.0307 by:0.0253 with:0.0226 for:0.0183 a:0.0148 -:0.5518 of:0.1824 and:0.0753 to:0.0693 the:0.0270 that:0.0249 in:0.0247 by:0.0183 for:0.0157 with:0.0107 -:0.7762 of:0.0540 and:0.0438 in:0.0275 to:0.0267 the:0.0233 at:0.0136 by:0.0124 for:0.0115 as:0.0110 -:0.8563 and:0.0589 of:0.0178 fact:0.0152 but:0.0116 is:0.0109 to:0.0080 say:0.0076 says:0.0072 in:0.0066 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8264 to:0.0343 and:0.0262 of:0.0219 in:0.0213 had:0.0158 was:0.0152 is:0.0148 as:0.0134 for:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9088 as:0.0165 and:0.0149 is:0.0135 up:0.0098 was:0.0084 down:0.0083 out:0.0075 made:0.0064 able:0.0059 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -the:0.3386 :0.4675 be:0.0922 a:0.0447 his:0.0148 tho:0.0137 this:0.0082 their:0.0071 do:0.0070 two:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9248 them:0.0247 said:0.0126 him:0.0080 order:0.0067 money:0.0050 us:0.0048 right:0.0047 it:0.0046 land:0.0042 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.3217 :0.4740 a:0.0946 of:0.0368 and:0.0174 his:0.0161 tho:0.0112 this:0.0106 in:0.0090 their:0.0085 -:0.8670 man:0.0507 men:0.0213 own:0.0156 those:0.0108 one:0.0079 people:0.0075 time:0.0068 person:0.0068 friends:0.0055 -the:0.1811 he:0.0639 a:0.0435 they:0.0252 :0.6025 will:0.0196 she:0.0189 we:0.0161 tho:0.0148 every:0.0144 -:0.6012 he:0.1235 they:0.0571 and:0.0436 we:0.0424 who:0.0362 she:0.0292 it:0.0240 which:0.0232 that:0.0195 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.8101 not:0.0573 a:0.0465 the:0.0273 said:0.0129 so:0.0120 made:0.0100 very:0.0082 taken:0.0079 also:0.0078 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -the:0.4472 :0.4286 a:0.0244 tho:0.0191 this:0.0190 his:0.0182 said:0.0129 their:0.0122 these:0.0094 our:0.0089 -:0.7319 the:0.0786 that:0.0469 and:0.0385 to:0.0260 which:0.0231 he:0.0176 we:0.0156 his:0.0111 a:0.0106 -:0.8395 and:0.0356 is:0.0291 the:0.0266 was:0.0149 he:0.0134 of:0.0121 are:0.0111 it:0.0089 has:0.0089 -:0.9359 the:0.0153 a:0.0112 that:0.0067 and:0.0066 which:0.0056 of:0.0055 as:0.0046 said:0.0043 this:0.0041 -:0.9105 and:0.0228 is:0.0170 was:0.0146 to:0.0079 are:0.0069 be:0.0061 it:0.0053 were:0.0049 went:0.0041 -:0.9172 and:0.0295 of:0.0102 that:0.0072 a:0.0066 the:0.0065 to:0.0063 are:0.0057 or:0.0056 is:0.0051 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9365 same:0.0110 other:0.0092 most:0.0086 last:0.0072 the:0.0062 past:0.0054 following:0.0053 great:0.0052 said:0.0052 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -:0.9126 to:0.0161 a:0.0115 in:0.0110 and:0.0110 of:0.0109 the:0.0098 first:0.0067 only:0.0055 one:0.0049 -:0.7794 the:0.0996 and:0.0314 a:0.0290 of:0.0138 be:0.0127 was:0.0107 his:0.0094 is:0.0072 this:0.0067 -:0.6557 the:0.2071 a:0.0347 to:0.0205 and:0.0184 that:0.0182 it:0.0142 in:0.0120 his:0.0096 of:0.0095 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6158 the:0.1060 of:0.0795 in:0.0469 to:0.0363 and:0.0317 any:0.0295 a:0.0204 for:0.0170 or:0.0169 -:0.8912 the:0.0352 that:0.0169 a:0.0132 then:0.0094 he:0.0084 all:0.0080 if:0.0073 as:0.0054 in:0.0051 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7379 that:0.0662 and:0.0502 which:0.0376 as:0.0315 when:0.0189 if:0.0176 but:0.0140 of:0.0131 it:0.0130 -:0.5467 to:0.2381 the:0.0996 and:0.0330 as:0.0190 a:0.0155 that:0.0150 will:0.0124 by:0.0104 in:0.0104 -:0.9287 and:0.0136 it:0.0122 to:0.0099 is:0.0098 he:0.0058 a:0.0053 was:0.0050 that:0.0050 him:0.0046 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.5750 is:0.1004 was:0.0557 did:0.0459 do:0.0404 will:0.0385 and:0.0385 could:0.0373 are:0.0344 does:0.0340 -the:0.2771 :0.5614 a:0.0712 to:0.0229 and:0.0178 this:0.0139 any:0.0128 of:0.0083 per:0.0078 tho:0.0068 -:0.5229 the:0.1832 to:0.1341 in:0.0424 a:0.0310 of:0.0270 and:0.0194 by:0.0146 with:0.0133 for:0.0120 -the:0.3848 :0.3956 a:0.1151 tho:0.0299 his:0.0196 our:0.0153 all:0.0109 said:0.0098 an:0.0095 their:0.0094 -:0.6321 of:0.1382 and:0.0878 to:0.0481 in:0.0228 is:0.0181 or:0.0154 was:0.0149 with:0.0116 for:0.0108 -:0.7972 was:0.0600 had:0.0429 is:0.0230 would:0.0185 has:0.0160 will:0.0115 be:0.0109 to:0.0100 the:0.0099 -:0.8294 the:0.0388 to:0.0303 and:0.0264 of:0.0221 a:0.0164 in:0.0133 is:0.0097 was:0.0073 for:0.0063 -:0.8914 the:0.0271 and:0.0161 a:0.0140 of:0.0119 to:0.0086 as:0.0080 are:0.0080 is:0.0076 in:0.0073 -:0.7503 and:0.0844 that:0.0603 as:0.0208 of:0.0176 but:0.0174 is:0.0145 when:0.0129 which:0.0113 if:0.0104 -:0.8808 and:0.0369 to:0.0199 was:0.0117 the:0.0114 is:0.0097 be:0.0081 a:0.0073 are:0.0073 will:0.0070 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7939 be:0.0778 do:0.0291 the:0.0263 make:0.0162 say:0.0153 have:0.0132 get:0.0110 bo:0.0086 him:0.0086 -:0.7180 of:0.0564 and:0.0445 the:0.0374 to:0.0374 in:0.0336 for:0.0201 is:0.0186 at:0.0184 was:0.0156 -:0.8616 the:0.0372 a:0.0178 to:0.0168 been:0.0136 and:0.0132 more:0.0106 an:0.0101 that:0.0097 in:0.0093 -:0.9164 and:0.0323 it:0.0093 was:0.0082 away:0.0073 is:0.0063 as:0.0054 or:0.0052 him:0.0051 came:0.0045 -:0.7458 and:0.0754 of:0.0607 to:0.0350 is:0.0228 was:0.0184 are:0.0116 as:0.0115 or:0.0099 but:0.0089 -:0.6719 more:0.1825 less:0.0549 to:0.0204 the:0.0146 it:0.0127 better:0.0125 and:0.0121 that:0.0107 not:0.0077 -:0.8230 two:0.0367 the:0.0365 three:0.0350 a:0.0167 four:0.0129 and:0.0128 of:0.0095 in:0.0088 is:0.0081 -:0.5374 of:0.2456 and:0.0806 to:0.0517 in:0.0185 as:0.0180 for:0.0135 that:0.0125 by:0.0116 or:0.0105 -:0.9111 to:0.0240 of:0.0153 and:0.0112 in:0.0096 for:0.0069 from:0.0061 on:0.0054 that:0.0054 at:0.0051 -:0.9611 of:0.0073 above:0.0066 time:0.0064 in:0.0050 following:0.0029 said:0.0028 and:0.0027 to:0.0026 on:0.0025 -:0.9305 and:0.0203 made:0.0093 that:0.0067 was:0.0064 out:0.0062 is:0.0055 followed:0.0053 of:0.0051 to:0.0046 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8596 and:0.0360 the:0.0295 is:0.0216 was:0.0113 to:0.0107 of:0.0086 or:0.0085 as:0.0077 a:0.0067 -:0.7977 they:0.0497 we:0.0333 who:0.0321 there:0.0259 which:0.0164 and:0.0146 you:0.0114 as:0.0097 it:0.0093 -:0.5220 the:0.1741 to:0.1261 a:0.0712 and:0.0279 in:0.0236 by:0.0235 an:0.0112 at:0.0105 his:0.0101 -:0.6266 the:0.2002 to:0.0426 a:0.0351 his:0.0202 any:0.0196 and:0.0184 that:0.0134 in:0.0127 other:0.0113 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.8108 which:0.0286 he:0.0277 they:0.0266 it:0.0253 we:0.0250 you:0.0197 as:0.0133 that:0.0130 and:0.0099 -:0.7570 the:0.0439 of:0.0398 and:0.0358 is:0.0346 a:0.0228 in:0.0197 was:0.0192 for:0.0165 to:0.0108 -:0.9056 and:0.0237 is:0.0176 was:0.0136 to:0.0091 it:0.0079 of:0.0073 that:0.0053 as:0.0052 him:0.0047 -:0.8469 last:0.0323 most:0.0247 same:0.0217 first:0.0163 next:0.0134 th:0.0130 other:0.0115 whole:0.0104 past:0.0098 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.6849 was:0.1139 had:0.0589 is:0.0480 has:0.0214 to:0.0180 in:0.0172 would:0.0142 be:0.0140 are:0.0096 -:0.9659 city:0.0086 country:0.0043 year:0.0039 hundred:0.0031 time:0.0030 law:0.0030 world:0.0028 house:0.0027 work:0.0026 -:0.7111 the:0.0673 a:0.0504 and:0.0473 of:0.0382 to:0.0313 that:0.0223 which:0.0124 in:0.0110 his:0.0086 -:0.8446 the:0.0672 a:0.0194 and:0.0165 this:0.0101 be:0.0096 his:0.0092 he:0.0084 have:0.0076 it:0.0074 -:0.8140 of:0.0440 to:0.0350 the:0.0259 and:0.0213 a:0.0180 in:0.0126 that:0.0116 for:0.0099 with:0.0077 -:0.8879 has:0.0189 and:0.0184 to:0.0124 had:0.0121 was:0.0114 for:0.0107 is:0.0102 that:0.0093 of:0.0088 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9647 and:0.0072 to:0.0051 it:0.0049 be:0.0039 land:0.0033 work:0.0030 is:0.0029 that:0.0026 interest:0.0025 -:0.8439 to:0.0473 and:0.0215 in:0.0205 of:0.0168 that:0.0117 the:0.0117 for:0.0092 as:0.0091 by:0.0082 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8363 the:0.0586 a:0.0299 he:0.0260 it:0.0099 to:0.0094 his:0.0078 one:0.0074 other:0.0074 was:0.0072 -:0.5356 we:0.1258 they:0.1227 he:0.0663 to:0.0457 not:0.0398 you:0.0276 it:0.0153 she:0.0106 will:0.0105 -:0.9531 the:0.0111 and:0.0080 of:0.0066 city:0.0053 other:0.0036 to:0.0035 is:0.0030 in:0.0029 most:0.0029 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6004 to:0.2019 of:0.0554 and:0.0417 the:0.0340 will:0.0202 a:0.0143 in:0.0138 would:0.0105 for:0.0077 -of:0.1724 :0.5080 to:0.0684 and:0.0617 for:0.0468 in:0.0465 at:0.0327 that:0.0273 with:0.0190 by:0.0170 -:0.7415 was:0.0656 had:0.0629 has:0.0330 is:0.0279 would:0.0183 will:0.0143 of:0.0128 could:0.0120 and:0.0117 -:0.7358 to:0.0746 of:0.0638 and:0.0375 in:0.0212 the:0.0164 be:0.0154 not:0.0141 or:0.0118 he:0.0094 -:0.5816 of:0.2246 and:0.0549 in:0.0320 the:0.0308 to:0.0266 for:0.0177 as:0.0121 that:0.0107 or:0.0091 -:0.7106 of:0.0625 the:0.0469 and:0.0448 or:0.0257 for:0.0236 to:0.0233 a:0.0230 in:0.0212 at:0.0184 -of:0.2624 :0.4628 with:0.0697 and:0.0357 in:0.0350 for:0.0338 to:0.0336 is:0.0292 was:0.0195 by:0.0182 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7305 the:0.1069 a:0.0608 and:0.0166 by:0.0161 as:0.0146 of:0.0143 to:0.0143 for:0.0132 at:0.0129 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8131 and:0.0551 to:0.0276 was:0.0228 of:0.0224 is:0.0179 the:0.0119 or:0.0108 in:0.0094 be:0.0089 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7616 to:0.0624 a:0.0368 the:0.0346 of:0.0314 and:0.0302 in:0.0182 for:0.0096 is:0.0079 will:0.0071 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.8175 of:0.0609 and:0.0275 in:0.0187 with:0.0157 that:0.0137 is:0.0127 the:0.0127 for:0.0117 was:0.0089 -:0.8453 not:0.0491 a:0.0246 that:0.0175 now:0.0145 the:0.0132 made:0.0098 to:0.0089 an:0.0088 at:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.6499 of:0.1131 to:0.0638 in:0.0342 for:0.0307 and:0.0299 with:0.0285 by:0.0182 from:0.0164 on:0.0153 -:0.6243 the:0.1392 of:0.0763 a:0.0392 and:0.0356 in:0.0277 at:0.0204 is:0.0128 as:0.0123 was:0.0123 -:0.6635 to:0.0824 in:0.0595 that:0.0413 of:0.0374 at:0.0261 for:0.0255 by:0.0224 on:0.0221 not:0.0199 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -the:0.5069 a:0.2144 :0.1640 his:0.0333 their:0.0214 tho:0.0155 our:0.0123 its:0.0111 an:0.0110 this:0.0100 -:0.9299 one:0.0124 time:0.0097 and:0.0085 year:0.0083 other:0.0076 city:0.0076 person:0.0069 part:0.0047 years:0.0045 -:0.8230 the:0.0487 that:0.0396 which:0.0225 he:0.0185 their:0.0125 and:0.0092 this:0.0091 as:0.0084 it:0.0084 -:0.7234 to:0.1475 and:0.0352 the:0.0206 as:0.0154 a:0.0134 him:0.0126 it:0.0108 which:0.0107 that:0.0104 -:0.9007 one:0.0306 out:0.0288 and:0.0083 part:0.0065 some:0.0063 that:0.0049 all:0.0049 instead:0.0046 line:0.0043 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -to:0.1760 :0.4497 of:0.1116 in:0.0886 on:0.0356 with:0.0334 by:0.0301 from:0.0273 that:0.0241 for:0.0237 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.8511 of:0.0304 and:0.0299 is:0.0190 the:0.0136 to:0.0131 was:0.0126 in:0.0117 as:0.0102 that:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9304 one:0.0223 part:0.0098 day:0.0086 line:0.0062 side:0.0057 number:0.0047 use:0.0043 out:0.0040 place:0.0040 -:0.9610 and:0.0071 in:0.0056 it:0.0056 that:0.0052 of:0.0037 day:0.0035 to:0.0028 up:0.0028 he:0.0026 -:0.7600 the:0.0549 other:0.0462 more:0.0321 to:0.0256 less:0.0216 he:0.0202 any:0.0163 two:0.0121 a:0.0110 -:0.9473 same:0.0143 world:0.0068 city:0.0067 country:0.0048 year:0.0047 long:0.0041 law:0.0041 government:0.0038 time:0.0032 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.7955 the:0.0755 a:0.0451 and:0.0238 of:0.0141 his:0.0132 this:0.0097 their:0.0088 said:0.0072 one:0.0071 -:0.8776 the:0.0518 in:0.0173 a:0.0148 was:0.0080 his:0.0077 at:0.0071 all:0.0058 is:0.0051 made:0.0048 -than:0.2074 :0.5954 or:0.0599 is:0.0283 of:0.0248 was:0.0208 not:0.0192 and:0.0178 has:0.0137 be:0.0128 -:0.8307 the:0.0528 a:0.0245 to:0.0196 and:0.0162 of:0.0131 that:0.0126 has:0.0111 be:0.0103 have:0.0093 -:0.8049 of:0.0645 and:0.0319 to:0.0294 in:0.0195 for:0.0136 as:0.0100 or:0.0094 with:0.0092 by:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -of:0.2981 :0.4298 and:0.0800 to:0.0717 in:0.0340 the:0.0203 with:0.0199 for:0.0192 or:0.0136 by:0.0133 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8369 and:0.0422 of:0.0221 the:0.0185 is:0.0179 a:0.0170 was:0.0147 to:0.0116 in:0.0113 with:0.0077 -is:0.2544 was:0.1493 :0.4856 will:0.0193 as:0.0171 are:0.0167 and:0.0164 would:0.0143 to:0.0140 not:0.0128 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.7531 and:0.0574 to:0.0503 of:0.0477 in:0.0245 that:0.0177 the:0.0147 for:0.0145 as:0.0103 or:0.0096 -:0.8485 and:0.0337 the:0.0267 of:0.0242 is:0.0142 a:0.0130 that:0.0127 was:0.0100 at:0.0087 in:0.0084 -:0.9252 and:0.0135 up:0.0107 him:0.0095 able:0.0091 as:0.0091 is:0.0065 out:0.0062 ready:0.0051 them:0.0051 -:0.8931 one:0.0385 all:0.0136 some:0.0133 any:0.0085 out:0.0078 the:0.0075 each:0.0068 those:0.0058 that:0.0051 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.6650 of:0.0973 to:0.0541 and:0.0403 for:0.0333 in:0.0308 with:0.0280 by:0.0202 the:0.0170 as:0.0141 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7089 of:0.0887 to:0.0513 and:0.0406 the:0.0271 in:0.0229 is:0.0164 that:0.0158 for:0.0152 a:0.0130 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.9318 wife:0.0097 time:0.0093 hand:0.0087 way:0.0085 hands:0.0074 office:0.0069 life:0.0063 home:0.0057 day:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8578 make:0.0238 see:0.0180 be:0.0170 all:0.0170 pay:0.0159 take:0.0145 get:0.0129 keep:0.0125 that:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -it:0.2723 :0.4696 there:0.0997 he:0.0977 she:0.0210 which:0.0099 the:0.0096 they:0.0086 ho:0.0062 we:0.0055 -the:0.2878 a:0.1524 :0.3813 his:0.0500 tho:0.0274 this:0.0272 her:0.0216 our:0.0180 their:0.0175 such:0.0170 -:0.5997 the:0.1528 much:0.0744 to:0.0582 a:0.0438 not:0.0218 in:0.0133 many:0.0128 that:0.0117 long:0.0114 -:0.7518 of:0.0794 and:0.0599 to:0.0287 in:0.0205 for:0.0160 the:0.0129 that:0.0107 is:0.0101 as:0.0099 -:0.6521 to:0.0771 and:0.0664 that:0.0616 of:0.0577 as:0.0218 in:0.0196 not:0.0149 is:0.0147 the:0.0141 -:0.8283 of:0.0393 and:0.0376 to:0.0212 the:0.0206 in:0.0163 is:0.0141 was:0.0082 for:0.0076 a:0.0068 -:0.7148 the:0.0676 not:0.0492 he:0.0444 they:0.0259 we:0.0248 and:0.0215 it:0.0208 to:0.0157 be:0.0152 -:0.7291 is:0.0572 and:0.0544 of:0.0404 was:0.0338 has:0.0189 in:0.0179 had:0.0176 have:0.0171 are:0.0136 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.9333 the:0.0160 him:0.0127 them:0.0076 a:0.0075 it:0.0056 her:0.0051 me:0.0045 all:0.0040 said:0.0039 -:0.7498 the:0.1063 a:0.0454 and:0.0413 of:0.0234 that:0.0079 is:0.0071 his:0.0070 was:0.0062 this:0.0056 -:0.8174 not:0.0424 the:0.0371 to:0.0261 in:0.0221 a:0.0177 now:0.0127 of:0.0094 at:0.0077 so:0.0074 -the:0.4940 :0.3578 a:0.0514 tho:0.0314 his:0.0161 this:0.0139 their:0.0103 our:0.0095 any:0.0078 its:0.0076 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -to:0.1352 :0.5661 will:0.1111 and:0.0463 can:0.0286 would:0.0253 we:0.0241 is:0.0225 shall:0.0207 could:0.0201 -:0.8720 a:0.0484 the:0.0290 and:0.0158 an:0.0072 it:0.0062 one:0.0060 he:0.0054 of:0.0052 as:0.0048 -good:0.0112 very:0.0097 little:0.0095 few:0.0083 certain:0.0081 great:0.0080 :0.9296 large:0.0064 dozen:0.0051 similar:0.0040 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -of:0.1745 :0.4199 to:0.1039 in:0.0801 and:0.0712 for:0.0624 with:0.0269 as:0.0207 by:0.0204 from:0.0199 -:0.6907 been:0.1135 the:0.0548 a:0.0408 not:0.0259 to:0.0237 no:0.0187 in:0.0122 that:0.0102 it:0.0094 -:0.6205 the:0.2736 a:0.0268 tho:0.0191 this:0.0134 his:0.0120 said:0.0114 our:0.0085 their:0.0082 these:0.0065 -:0.7067 to:0.0769 and:0.0447 has:0.0356 he:0.0349 was:0.0256 as:0.0245 is:0.0189 have:0.0170 had:0.0153 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.6985 is:0.1092 was:0.0698 to:0.0262 and:0.0234 the:0.0173 in:0.0142 of:0.0140 will:0.0138 has:0.0135 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8366 in:0.0294 as:0.0243 that:0.0192 for:0.0176 is:0.0174 was:0.0169 with:0.0145 by:0.0126 to:0.0116 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.6531 the:0.1183 a:0.0823 to:0.0409 follows:0.0214 he:0.0197 it:0.0191 they:0.0167 an:0.0156 much:0.0130 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.6239 to:0.0960 the:0.0766 and:0.0453 a:0.0412 for:0.0285 in:0.0283 of:0.0252 by:0.0178 that:0.0173 -:0.7217 a:0.0792 the:0.0689 not:0.0412 to:0.0235 an:0.0166 no:0.0158 that:0.0126 now:0.0114 in:0.0091 -:0.9104 it:0.0163 who:0.0137 men:0.0130 he:0.0107 they:0.0092 that:0.0080 which:0.0067 and:0.0064 man:0.0056 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7487 is:0.0649 and:0.0403 the:0.0361 was:0.0339 a:0.0250 are:0.0199 be:0.0108 or:0.0104 to:0.0099 -:0.7547 of:0.1292 and:0.0308 a:0.0176 in:0.0167 the:0.0155 that:0.0143 for:0.0091 who:0.0063 with:0.0058 -the:0.4736 a:0.1311 :0.2460 his:0.0302 this:0.0231 tho:0.0211 every:0.0206 any:0.0202 their:0.0184 th:0.0157 -:0.7379 the:0.0626 is:0.0543 was:0.0349 in:0.0259 a:0.0237 to:0.0193 that:0.0145 he:0.0134 of:0.0134 -:0.7504 the:0.1528 a:0.0272 this:0.0152 tho:0.0108 all:0.0104 said:0.0101 his:0.0087 our:0.0072 their:0.0071 -the:0.2881 :0.5683 a:0.0450 this:0.0207 his:0.0181 tho:0.0153 their:0.0147 which:0.0102 said:0.0101 its:0.0094 -:0.7999 and:0.0376 to:0.0354 of:0.0266 the:0.0209 in:0.0205 for:0.0187 at:0.0169 was:0.0125 that:0.0111 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9237 the:0.0227 own:0.0120 and:0.0101 a:0.0083 to:0.0058 of:0.0058 that:0.0045 it:0.0038 city:0.0033 -:0.9540 and:0.0129 it:0.0050 to:0.0048 in:0.0045 that:0.0042 up:0.0038 hundred:0.0037 days:0.0036 men:0.0035 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7788 the:0.0521 and:0.0439 is:0.0361 was:0.0271 of:0.0155 to:0.0144 a:0.0114 be:0.0112 are:0.0094 -:0.7583 the:0.0595 two:0.0333 three:0.0314 of:0.0242 a:0.0228 and:0.0225 is:0.0215 in:0.0133 to:0.0132 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7728 to:0.0561 and:0.0447 of:0.0293 in:0.0245 for:0.0199 that:0.0153 the:0.0143 with:0.0119 was:0.0113 -:0.6248 of:0.1379 the:0.0788 a:0.0391 in:0.0327 to:0.0276 and:0.0274 for:0.0123 with:0.0112 by:0.0082 -:0.8914 same:0.0277 first:0.0139 most:0.0133 whole:0.0118 great:0.0105 best:0.0088 highest:0.0080 two:0.0073 public:0.0072 -:0.8450 the:0.0530 a:0.0378 he:0.0183 it:0.0113 that:0.0077 be:0.0073 then:0.0072 this:0.0064 all:0.0060 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8931 which:0.0267 the:0.0147 men:0.0143 you:0.0116 they:0.0104 it:0.0090 them:0.0077 land:0.0063 we:0.0063 -:0.5883 the:0.2340 a:0.0449 he:0.0303 and:0.0291 his:0.0263 of:0.0128 their:0.0119 they:0.0118 in:0.0105 -:0.7905 the:0.0781 a:0.0331 and:0.0303 of:0.0192 that:0.0128 to:0.0119 as:0.0092 he:0.0075 which:0.0074 -:0.7728 to:0.0561 and:0.0447 of:0.0293 in:0.0245 for:0.0199 that:0.0153 the:0.0143 with:0.0119 was:0.0113 -:0.8950 are:0.0194 and:0.0184 is:0.0106 were:0.0106 not:0.0104 will:0.0098 was:0.0088 who:0.0086 he:0.0084 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8376 be:0.0376 do:0.0207 the:0.0181 take:0.0172 have:0.0172 make:0.0162 get:0.0135 pay:0.0113 see:0.0107 -:0.7256 the:0.0771 a:0.0682 and:0.0379 of:0.0336 is:0.0173 was:0.0139 to:0.0117 for:0.0077 by:0.0069 -:0.7105 the:0.1287 a:0.0760 and:0.0183 his:0.0146 to:0.0143 their:0.0101 an:0.0097 that:0.0091 any:0.0086 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9477 one:0.0166 all:0.0071 many:0.0053 some:0.0050 that:0.0050 out:0.0035 part:0.0035 none:0.0031 each:0.0031 -:0.7476 of:0.0588 for:0.0304 is:0.0300 in:0.0289 and:0.0256 to:0.0252 with:0.0221 by:0.0164 was:0.0151 -:0.8881 the:0.0189 to:0.0176 of:0.0172 and:0.0127 a:0.0126 much:0.0119 in:0.0079 he:0.0067 not:0.0064 -will:0.1656 :0.4849 to:0.1181 and:0.0460 would:0.0423 may:0.0420 of:0.0280 shall:0.0261 can:0.0255 should:0.0214 -:0.8539 the:0.0776 a:0.0153 that:0.0111 in:0.0090 to:0.0080 he:0.0075 it:0.0063 his:0.0060 tho:0.0052 -:0.7633 have:0.0561 had:0.0526 of:0.0302 in:0.0256 to:0.0169 are:0.0161 has:0.0133 for:0.0130 is:0.0130 -:0.7287 the:0.1780 a:0.0175 of:0.0166 and:0.0133 that:0.0124 his:0.0114 in:0.0078 their:0.0078 other:0.0066 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.7712 that:0.0637 and:0.0371 which:0.0368 as:0.0276 if:0.0189 when:0.0129 the:0.0114 what:0.0102 where:0.0100 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.9144 he:0.0267 the:0.0131 it:0.0097 a:0.0096 one:0.0096 she:0.0044 who:0.0043 that:0.0041 two:0.0039 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -the:0.2697 :0.5134 a:0.0856 of:0.0288 and:0.0234 to:0.0210 this:0.0199 tho:0.0144 his:0.0144 their:0.0095 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8438 and:0.0414 that:0.0217 the:0.0159 of:0.0142 to:0.0138 is:0.0132 as:0.0131 was:0.0119 which:0.0111 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8164 and:0.0554 the:0.0360 of:0.0267 to:0.0177 in:0.0144 for:0.0098 that:0.0095 from:0.0075 a:0.0065 -:0.6776 of:0.0634 is:0.0396 in:0.0381 for:0.0340 with:0.0337 and:0.0325 was:0.0308 to:0.0252 as:0.0251 -:0.6926 the:0.1012 of:0.0557 a:0.0427 and:0.0276 is:0.0198 to:0.0184 in:0.0176 his:0.0141 as:0.0103 -:0.8759 of:0.0504 and:0.0247 the:0.0110 as:0.0081 in:0.0079 or:0.0062 for:0.0055 is:0.0055 way:0.0050 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9335 one:0.0129 and:0.0102 out:0.0087 line:0.0082 day:0.0074 part:0.0058 side:0.0053 amount:0.0041 number:0.0040 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8172 the:0.0788 a:0.0266 and:0.0208 of:0.0169 to:0.0101 was:0.0077 per:0.0074 tho:0.0073 in:0.0070 -:0.6244 in:0.0841 to:0.0558 of:0.0540 that:0.0425 for:0.0378 by:0.0285 on:0.0268 at:0.0239 from:0.0222 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.7933 be:0.0527 the:0.0462 a:0.0270 only:0.0205 to:0.0199 been:0.0129 in:0.0096 have:0.0095 that:0.0083 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9229 and:0.0221 it:0.0100 he:0.0086 is:0.0086 who:0.0057 which:0.0057 to:0.0056 of:0.0055 be:0.0054 -:0.6533 of:0.1199 in:0.0578 for:0.0336 and:0.0299 with:0.0274 the:0.0227 to:0.0201 on:0.0182 by:0.0172 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -of:0.2656 :0.5173 and:0.0728 to:0.0444 in:0.0241 or:0.0214 for:0.0161 the:0.0154 at:0.0136 on:0.0093 -:0.7745 to:0.1101 and:0.0312 the:0.0176 of:0.0161 in:0.0159 will:0.0114 is:0.0081 or:0.0078 was:0.0072 -:0.8823 the:0.0360 of:0.0165 to:0.0144 and:0.0140 a:0.0116 that:0.0099 in:0.0065 other:0.0045 more:0.0044 -:0.6975 of:0.1327 and:0.0548 to:0.0364 in:0.0264 that:0.0121 at:0.0121 for:0.0116 is:0.0084 or:0.0081 -:0.7966 the:0.0600 that:0.0339 a:0.0287 of:0.0208 he:0.0163 and:0.0116 for:0.0111 which:0.0105 this:0.0104 -:0.6818 to:0.0649 we:0.0475 who:0.0446 would:0.0403 will:0.0351 they:0.0282 and:0.0275 shall:0.0157 should:0.0143 -:0.6452 that:0.1475 if:0.0377 and:0.0370 which:0.0360 as:0.0316 in:0.0165 but:0.0163 the:0.0162 what:0.0161 -:0.7773 of:0.0500 and:0.0314 to:0.0272 was:0.0230 is:0.0227 in:0.0205 had:0.0203 has:0.0164 for:0.0113 -:0.7748 the:0.0595 and:0.0423 a:0.0284 to:0.0253 of:0.0242 in:0.0176 or:0.0108 was:0.0099 for:0.0073 -:0.6423 the:0.1568 a:0.0559 and:0.0417 of:0.0389 in:0.0229 to:0.0136 for:0.0100 at:0.0094 by:0.0085 -:0.9458 and:0.0111 him:0.0078 them:0.0070 up:0.0058 work:0.0057 interest:0.0049 it:0.0043 home:0.0040 that:0.0036 -not:0.1681 to:0.1316 :0.4042 be:0.0756 will:0.0729 would:0.0366 shall:0.0314 may:0.0300 should:0.0285 can:0.0211 -:0.6423 the:0.2330 a:0.0365 tho:0.0159 all:0.0156 least:0.0151 once:0.0111 his:0.0106 this:0.0100 oclock:0.0098 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.8462 the:0.0602 a:0.0217 and:0.0168 of:0.0132 it:0.0102 he:0.0099 that:0.0088 one:0.0065 to:0.0064 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9212 and:0.0304 together:0.0130 it:0.0063 of:0.0062 to:0.0060 connected:0.0056 that:0.0040 up:0.0037 the:0.0035 -the:0.1901 :0.5939 a:0.0561 any:0.0339 his:0.0308 this:0.0220 said:0.0204 tho:0.0187 no:0.0178 our:0.0162 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.5778 the:0.2426 a:0.0894 his:0.0193 their:0.0157 an:0.0141 tho:0.0130 her:0.0100 all:0.0094 said:0.0087 -:0.7517 the:0.1110 a:0.0473 in:0.0157 be:0.0149 his:0.0147 that:0.0127 of:0.0117 and:0.0110 at:0.0093 -:0.7208 and:0.0587 of:0.0519 to:0.0404 the:0.0289 in:0.0264 for:0.0222 that:0.0196 a:0.0166 as:0.0144 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.9589 city:0.0071 world:0.0062 same:0.0053 country:0.0046 law:0.0038 right:0.0038 time:0.0036 land:0.0033 people:0.0032 -:0.7599 the:0.1197 a:0.0277 and:0.0191 to:0.0187 that:0.0160 in:0.0136 of:0.0091 his:0.0087 tho:0.0076 -:0.7593 to:0.0673 the:0.0295 that:0.0261 and:0.0231 all:0.0226 in:0.0218 a:0.0188 be:0.0160 for:0.0155 -:0.6552 the:0.1645 a:0.0746 and:0.0222 his:0.0218 of:0.0208 is:0.0139 their:0.0098 was:0.0089 this:0.0083 -:0.5714 of:0.1643 in:0.0519 and:0.0423 to:0.0323 at:0.0319 on:0.0303 for:0.0285 by:0.0250 with:0.0221 -:0.8211 which:0.0414 it:0.0304 and:0.0288 that:0.0228 he:0.0128 they:0.0119 as:0.0118 who:0.0098 there:0.0093 -:0.9408 the:0.0104 be:0.0095 him:0.0088 work:0.0080 go:0.0058 me:0.0052 them:0.0046 appear:0.0036 do:0.0034 -:0.7673 of:0.0530 and:0.0509 the:0.0299 that:0.0195 in:0.0175 at:0.0165 or:0.0152 a:0.0152 by:0.0149 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -the:0.1483 :0.6206 be:0.1159 a:0.0374 his:0.0235 have:0.0114 do:0.0110 her:0.0110 one:0.0107 bo:0.0103 -:0.6912 the:0.1766 be:0.0588 a:0.0242 tho:0.0106 his:0.0096 have:0.0090 make:0.0068 do:0.0067 take:0.0064 -:0.8586 out:0.0383 one:0.0307 to:0.0155 it:0.0130 and:0.0111 some:0.0108 all:0.0088 any:0.0068 that:0.0064 -:0.9480 hour:0.0137 the:0.0101 old:0.0100 and:0.0036 time:0.0033 inch:0.0030 said:0.0028 years:0.0028 home:0.0027 -:0.9205 and:0.0163 is:0.0152 as:0.0117 according:0.0076 went:0.0069 came:0.0059 feet:0.0056 was:0.0056 order:0.0046 -:0.6563 and:0.0842 to:0.0835 that:0.0659 the:0.0301 of:0.0253 a:0.0190 be:0.0135 he:0.0127 in:0.0095 -:0.7046 as:0.0859 and:0.0418 the:0.0411 of:0.0299 is:0.0280 was:0.0194 in:0.0192 to:0.0174 or:0.0126 -:0.8394 few:0.0530 little:0.0254 great:0.0205 large:0.0155 good:0.0126 very:0.0098 long:0.0087 new:0.0082 small:0.0067 -:0.8863 part:0.0187 day:0.0183 number:0.0183 member:0.0147 sort:0.0100 matter:0.0096 piece:0.0093 copy:0.0075 period:0.0072 -:0.6813 to:0.1061 and:0.0756 of:0.0614 in:0.0174 a:0.0163 the:0.0138 or:0.0120 is:0.0090 for:0.0070 -:0.7957 to:0.0541 in:0.0252 the:0.0237 for:0.0208 by:0.0194 a:0.0176 of:0.0157 with:0.0157 on:0.0122 -:0.6908 the:0.1279 of:0.0504 a:0.0328 and:0.0294 at:0.0161 in:0.0158 to:0.0150 for:0.0120 this:0.0097 -:0.9182 the:0.0230 to:0.0113 of:0.0099 a:0.0087 and:0.0086 that:0.0067 other:0.0066 more:0.0038 or:0.0033 -of:0.0326 :0.8732 to:0.0223 and:0.0157 in:0.0129 from:0.0096 with:0.0095 on:0.0090 for:0.0077 by:0.0076 -:0.6909 of:0.0723 in:0.0610 to:0.0541 for:0.0250 with:0.0229 on:0.0216 upon:0.0180 had:0.0177 from:0.0166 -:0.9408 the:0.0104 be:0.0095 him:0.0088 work:0.0080 go:0.0058 me:0.0052 them:0.0046 appear:0.0036 do:0.0034 -:0.5496 of:0.1711 in:0.0639 to:0.0511 for:0.0341 and:0.0338 on:0.0277 by:0.0243 at:0.0223 from:0.0221 -:0.9291 own:0.0346 and:0.0073 time:0.0055 the:0.0053 way:0.0048 day:0.0035 to:0.0034 a:0.0034 of:0.0034 -they:0.0170 he:0.0122 we:0.0102 there:0.0076 :0.9280 she:0.0061 who:0.0054 if:0.0049 as:0.0045 it:0.0041 -:0.8556 out:0.0280 one:0.0230 line:0.0206 and:0.0190 side:0.0177 day:0.0133 part:0.0123 account:0.0052 because:0.0052 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8494 the:0.0360 and:0.0275 of:0.0250 in:0.0160 to:0.0140 that:0.0089 a:0.0085 by:0.0078 at:0.0069 -:0.9591 who:0.0163 we:0.0064 they:0.0029 and:0.0027 he:0.0027 men:0.0027 will:0.0026 other:0.0024 time:0.0023 -:0.9721 and:0.0077 it:0.0039 in:0.0032 the:0.0027 of:0.0025 men:0.0021 day:0.0020 him:0.0019 to:0.0019 -:0.5852 in:0.1072 to:0.0577 of:0.0572 for:0.0453 that:0.0401 on:0.0350 by:0.0291 from:0.0227 at:0.0205 -:0.8522 and:0.0415 to:0.0258 the:0.0167 was:0.0123 is:0.0111 it:0.0109 he:0.0100 be:0.0097 that:0.0097 -:0.9336 and:0.0299 is:0.0069 of:0.0052 it:0.0048 to:0.0046 was:0.0040 but:0.0039 as:0.0037 out:0.0034 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8379 of:0.0454 and:0.0323 the:0.0233 is:0.0137 in:0.0128 a:0.0101 for:0.0089 was:0.0087 to:0.0068 -:0.6685 a:0.1268 not:0.0551 the:0.0519 now:0.0222 an:0.0179 one:0.0178 no:0.0174 so:0.0124 to:0.0101 -:0.6731 been:0.1824 the:0.0365 a:0.0325 not:0.0317 no:0.0152 to:0.0075 never:0.0073 an:0.0072 already:0.0065 -:0.5911 of:0.1371 to:0.0918 and:0.0500 in:0.0296 the:0.0291 for:0.0201 a:0.0195 that:0.0159 with:0.0158 -:0.8400 the:0.0614 more:0.0161 to:0.0153 other:0.0132 and:0.0117 in:0.0114 a:0.0110 two:0.0104 less:0.0095 -:0.7336 the:0.1297 to:0.0344 and:0.0287 of:0.0212 a:0.0164 in:0.0102 this:0.0098 or:0.0084 is:0.0076 -:0.6183 the:0.1225 a:0.0932 is:0.0376 was:0.0270 and:0.0268 his:0.0213 of:0.0203 be:0.0171 are:0.0158 -:0.6037 of:0.1183 in:0.0619 to:0.0441 and:0.0397 for:0.0357 with:0.0318 by:0.0237 on:0.0224 at:0.0188 -:0.7190 that:0.0829 and:0.0392 which:0.0348 as:0.0295 when:0.0232 of:0.0209 if:0.0206 where:0.0165 but:0.0134 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.8073 and:0.0356 that:0.0333 of:0.0300 as:0.0197 for:0.0174 in:0.0171 with:0.0144 which:0.0130 to:0.0122 -:0.9233 and:0.0217 is:0.0134 it:0.0104 that:0.0062 was:0.0060 he:0.0059 him:0.0047 as:0.0043 the:0.0041 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 -:0.8453 the:0.0317 to:0.0308 of:0.0233 in:0.0166 and:0.0154 a:0.0114 for:0.0098 on:0.0081 as:0.0075 -:0.7708 to:0.0656 of:0.0345 and:0.0311 in:0.0200 was:0.0192 for:0.0155 the:0.0149 is:0.0143 at:0.0142 -:0.8121 it:0.0517 he:0.0366 and:0.0213 there:0.0208 which:0.0181 who:0.0133 that:0.0103 she:0.0090 to:0.0068 -:0.5729 of:0.1596 the:0.0599 to:0.0528 in:0.0511 and:0.0419 by:0.0187 for:0.0166 with:0.0149 on:0.0118 -:0.7845 of:0.0501 and:0.0410 in:0.0331 to:0.0191 for:0.0177 from:0.0160 that:0.0151 with:0.0132 on:0.0102 -:0.9134 up:0.0175 as:0.0146 down:0.0145 and:0.0087 enough:0.0070 him:0.0066 made:0.0062 them:0.0060 able:0.0055 -:0.7102 the:0.1419 he:0.0296 a:0.0246 it:0.0231 to:0.0165 and:0.0165 that:0.0135 in:0.0133 of:0.0108 -:0.9670 and:0.0060 in:0.0047 up:0.0041 down:0.0038 it:0.0036 years:0.0032 out:0.0028 made:0.0024 to:0.0024 -:0.7246 of:0.0640 and:0.0396 the:0.0391 to:0.0336 a:0.0275 in:0.0244 is:0.0182 was:0.0166 has:0.0124 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.8219 it:0.0371 which:0.0236 he:0.0213 and:0.0213 they:0.0201 that:0.0171 there:0.0140 we:0.0134 you:0.0102 -:0.6942 the:0.1277 a:0.0350 which:0.0341 that:0.0322 said:0.0195 this:0.0166 his:0.0161 their:0.0126 tho:0.0120 -:0.8891 out:0.0298 and:0.0137 one:0.0135 line:0.0112 side:0.0103 to:0.0093 that:0.0088 day:0.0087 part:0.0056 -:0.9566 same:0.0086 said:0.0063 most:0.0060 city:0.0048 other:0.0044 first:0.0035 time:0.0034 world:0.0033 county:0.0031 -:0.5714 of:0.1643 in:0.0519 and:0.0423 to:0.0323 at:0.0319 on:0.0303 for:0.0285 by:0.0250 with:0.0221 -the:0.3315 :0.4217 a:0.1168 his:0.0256 said:0.0248 their:0.0244 tho:0.0169 its:0.0141 her:0.0135 this:0.0107 -:0.7887 the:0.0534 of:0.0458 and:0.0398 to:0.0202 a:0.0137 in:0.0136 is:0.0087 for:0.0082 was:0.0080 diff --git a/test-A/out-embed-500.tsv b/test-A/out-embed-500.tsv deleted file mode 100644 index b366a85..0000000 --- a/test-A/out-embed-500.tsv +++ /dev/null @@ -1,7414 +0,0 @@ -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.9508 day:0.0099 year:0.0085 week:0.0072 long:0.0051 time:0.0043 month:0.0040 bill:0.0035 mile:0.0035 large:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6704 the:0.2124 a:0.0477 of:0.0223 and:0.0128 our:0.0085 no:0.0077 or:0.0064 tho:0.0063 three:0.0055 -:0.9495 last:0.0135 and:0.0088 the:0.0052 same:0.0043 young:0.0040 one:0.0039 first:0.0037 th:0.0036 street:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7797 days:0.0545 of:0.0455 in:0.0237 and:0.0193 with:0.0170 hours:0.0164 minutes:0.0161 years:0.0159 as:0.0120 -:0.5775 in:0.1011 of:0.0942 for:0.0500 by:0.0455 that:0.0417 with:0.0345 and:0.0243 on:0.0170 to:0.0143 -:0.9122 who:0.0129 men:0.0129 time:0.0123 and:0.0105 which:0.0099 they:0.0080 we:0.0078 there:0.0070 day:0.0065 -:0.8503 in:0.0459 of:0.0283 on:0.0237 to:0.0120 that:0.0099 and:0.0089 for:0.0087 as:0.0065 at:0.0056 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8507 said:0.0482 same:0.0180 other:0.0180 great:0.0172 highest:0.0120 new:0.0101 first:0.0100 most:0.0080 old:0.0078 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6753 it:0.0896 which:0.0703 that:0.0570 and:0.0270 as:0.0254 you:0.0161 him:0.0137 us:0.0135 them:0.0121 -:0.7912 to:0.0557 and:0.0392 will:0.0349 that:0.0279 may:0.0127 would:0.0114 as:0.0093 of:0.0090 shall:0.0087 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8924 the:0.0185 and:0.0182 in:0.0159 to:0.0142 that:0.0103 be:0.0083 not:0.0082 a:0.0079 as:0.0061 -:0.8321 and:0.0403 of:0.0285 to:0.0196 a:0.0168 is:0.0159 that:0.0132 was:0.0125 the:0.0111 in:0.0101 -has:0.2537 :0.3347 have:0.1902 had:0.1567 having:0.0239 not:0.0125 lias:0.0110 bad:0.0065 ha:0.0056 havo:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7104 it:0.1315 there:0.0545 he:0.0288 what:0.0209 which:0.0144 that:0.0117 and:0.0104 as:0.0100 this:0.0074 -:0.6890 not:0.1653 so:0.0360 it:0.0288 them:0.0176 us:0.0149 you:0.0137 nothing:0.0123 as:0.0114 him:0.0110 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8420 to:0.0521 and:0.0259 in:0.0172 with:0.0158 down:0.0106 at:0.0105 feet:0.0088 not:0.0088 from:0.0083 -:0.7337 is:0.1135 was:0.0318 a:0.0303 and:0.0184 are:0.0174 to:0.0163 the:0.0148 or:0.0122 one:0.0117 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8091 found:0.0409 given:0.0265 so:0.0249 declared:0.0216 seen:0.0183 said:0.0166 ordered:0.0142 made:0.0141 notified:0.0139 -:0.8650 the:0.0601 and:0.0257 that:0.0116 a:0.0080 in:0.0066 of:0.0059 which:0.0058 it:0.0057 his:0.0056 -:0.6711 the:0.1563 a:0.0610 of:0.0473 and:0.0196 to:0.0112 tho:0.0106 in:0.0087 his:0.0074 is:0.0067 -:0.8844 be:0.0311 have:0.0156 the:0.0150 get:0.0115 take:0.0112 do:0.0095 say:0.0082 pay:0.0069 them:0.0065 -:0.4259 to:0.1715 will:0.1558 would:0.0556 may:0.0521 should:0.0406 can:0.0333 shall:0.0305 must:0.0175 and:0.0171 -:0.8731 is:0.0354 and:0.0231 was:0.0186 are:0.0143 or:0.0102 that:0.0087 has:0.0059 which:0.0057 were:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8231 and:0.0514 was:0.0223 is:0.0213 are:0.0210 the:0.0146 to:0.0136 be:0.0116 a:0.0111 were:0.0100 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -of:0.7430 :0.1634 and:0.0201 in:0.0186 from:0.0143 to:0.0095 on:0.0090 for:0.0082 that:0.0072 which:0.0066 -:0.9888 be:0.0026 in:0.0016 was:0.0013 see:0.0011 take:0.0011 find:0.0009 and:0.0009 been:0.0009 took:0.0009 -:0.6442 to:0.1048 the:0.0829 and:0.0414 a:0.0398 of:0.0386 in:0.0180 his:0.0143 this:0.0082 tho:0.0079 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7333 the:0.1438 a:0.0376 it:0.0180 his:0.0124 that:0.0117 tho:0.0114 by:0.0108 this:0.0108 to:0.0103 -:0.8501 and:0.0502 of:0.0306 are:0.0118 was:0.0116 is:0.0105 not:0.0102 who:0.0092 were:0.0087 to:0.0071 -:0.7517 of:0.0700 that:0.0471 and:0.0444 to:0.0279 in:0.0208 with:0.0114 the:0.0099 for:0.0089 by:0.0079 -:0.7738 and:0.1009 of:0.0244 in:0.0203 was:0.0171 is:0.0159 be:0.0148 as:0.0123 that:0.0109 for:0.0097 -:0.5519 that:0.1937 to:0.0718 and:0.0568 but:0.0298 as:0.0225 with:0.0219 which:0.0186 for:0.0166 in:0.0164 -:0.8787 and:0.0361 at:0.0136 in:0.0128 of:0.0107 for:0.0104 that:0.0104 the:0.0097 a:0.0096 as:0.0080 -:0.6747 of:0.1104 and:0.0732 in:0.0408 so:0.0250 is:0.0245 but:0.0209 was:0.0105 to:0.0102 not:0.0099 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8689 of:0.0265 and:0.0241 was:0.0149 is:0.0138 the:0.0126 are:0.0108 be:0.0098 have:0.0094 were:0.0092 -:0.8451 of:0.0453 and:0.0416 in:0.0175 the:0.0140 to:0.0126 not:0.0074 for:0.0057 by:0.0055 at:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7436 the:0.0968 by:0.0343 to:0.0240 a:0.0221 in:0.0211 and:0.0186 him:0.0137 as:0.0132 that:0.0127 -:0.7471 a:0.0911 not:0.0548 the:0.0451 to:0.0161 very:0.0139 no:0.0106 an:0.0072 only:0.0072 so:0.0071 -:0.5987 of:0.1173 in:0.0841 and:0.0479 to:0.0398 with:0.0296 for:0.0250 on:0.0238 from:0.0180 at:0.0158 -:0.7315 and:0.0523 are:0.0511 of:0.0332 in:0.0323 to:0.0258 is:0.0235 been:0.0185 was:0.0165 or:0.0153 -is:0.3455 :0.4318 was:0.0864 has:0.0517 and:0.0206 to:0.0183 a:0.0162 the:0.0108 with:0.0098 had:0.0089 -of:0.3717 :0.4188 the:0.0510 in:0.0367 and:0.0329 to:0.0293 a:0.0178 that:0.0158 for:0.0133 by:0.0127 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -be:0.3049 :0.5017 bo:0.0579 not:0.0344 he:0.0331 have:0.0274 lie:0.0116 take:0.0111 probably:0.0090 do:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.6417 :0.2529 and:0.0383 in:0.0244 or:0.0106 ot:0.0080 that:0.0076 are:0.0058 the:0.0055 to:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5628 to:0.0907 by:0.0868 the:0.0614 and:0.0562 in:0.0493 a:0.0430 as:0.0226 of:0.0136 with:0.0135 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7625 the:0.1568 a:0.0250 tho:0.0103 an:0.0099 this:0.0083 said:0.0074 it:0.0074 that:0.0068 his:0.0056 -:0.5261 he:0.1761 they:0.0815 is:0.0576 we:0.0486 she:0.0273 was:0.0256 the:0.0222 had:0.0175 be:0.0175 -:0.6208 the:0.2663 of:0.0371 a:0.0183 and:0.0148 tho:0.0127 our:0.0110 his:0.0067 to:0.0065 this:0.0059 -:0.7111 to:0.1098 and:0.0614 or:0.0460 of:0.0185 that:0.0183 but:0.0100 on:0.0095 for:0.0081 from:0.0073 -the:0.0093 by:0.0065 into:0.0064 his:0.0055 upon:0.0040 so:0.0038 its:0.0037 a:0.0035 with:0.0032 at:0.0031 -are:0.0997 :0.6681 have:0.0491 were:0.0388 will:0.0387 would:0.0283 do:0.0255 may:0.0180 can:0.0171 had:0.0167 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7110 was:0.0606 and:0.0472 is:0.0452 be:0.0343 have:0.0322 are:0.0271 had:0.0161 has:0.0154 were:0.0110 -:0.5948 to:0.1948 we:0.0549 and:0.0546 they:0.0230 that:0.0170 you:0.0169 will:0.0164 which:0.0139 would:0.0137 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7869 the:0.0564 a:0.0355 of:0.0281 that:0.0264 and:0.0183 in:0.0175 by:0.0145 it:0.0095 his:0.0068 -:0.5798 the:0.1523 and:0.0576 to:0.0537 of:0.0533 for:0.0268 in:0.0260 by:0.0186 no:0.0174 her:0.0144 -:0.9246 and:0.0140 it:0.0128 was:0.0084 held:0.0080 that:0.0073 put:0.0072 is:0.0069 made:0.0057 placed:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6714 the:0.1097 of:0.0816 a:0.0522 to:0.0203 in:0.0173 and:0.0162 that:0.0141 this:0.0089 as:0.0082 -:0.7903 the:0.0438 and:0.0321 a:0.0275 is:0.0265 of:0.0251 was:0.0177 that:0.0130 his:0.0126 has:0.0115 -:0.7693 to:0.0711 and:0.0586 of:0.0445 in:0.0187 or:0.0093 the:0.0082 is:0.0073 for:0.0070 on:0.0060 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.6788 the:0.0873 in:0.0816 of:0.0563 and:0.0382 a:0.0206 to:0.0116 for:0.0087 no:0.0086 an:0.0084 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9537 people:0.0147 law:0.0049 city:0.0046 world:0.0045 country:0.0041 time:0.0037 same:0.0036 war:0.0032 matter:0.0030 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8934 and:0.0264 a:0.0240 the:0.0130 all:0.0114 not:0.0081 be:0.0070 to:0.0058 said:0.0055 so:0.0054 -to:0.0724 will:0.0210 shall:0.0182 can:0.0177 :0.8309 must:0.0096 cannot:0.0083 should:0.0079 would:0.0079 you:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.7318 of:0.0691 and:0.0482 for:0.0332 or:0.0296 with:0.0282 in:0.0218 at:0.0151 that:0.0120 on:0.0109 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.9296 and:0.0408 that:0.0061 of:0.0052 which:0.0044 in:0.0034 it:0.0029 but:0.0028 or:0.0026 than:0.0022 -:0.6174 of:0.1372 and:0.0887 to:0.0464 in:0.0338 by:0.0189 the:0.0162 for:0.0161 that:0.0138 which:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6860 the:0.1094 a:0.0890 and:0.0251 it:0.0193 of:0.0186 tho:0.0164 that:0.0122 his:0.0121 this:0.0118 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6732 those:0.0841 him:0.0758 them:0.0497 us:0.0373 me:0.0224 it:0.0182 you:0.0168 all:0.0144 one:0.0080 -:0.9410 man:0.0122 matter:0.0118 law:0.0069 year:0.0054 point:0.0052 place:0.0048 time:0.0048 vote:0.0041 thing:0.0039 -:0.9468 is:0.0117 and:0.0070 attempt:0.0060 way:0.0057 right:0.0054 bill:0.0044 came:0.0044 power:0.0043 time:0.0042 -:0.6575 the:0.1999 a:0.0307 any:0.0249 no:0.0177 such:0.0152 tho:0.0139 one:0.0139 all:0.0135 this:0.0128 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8218 and:0.0525 the:0.0416 of:0.0271 or:0.0151 in:0.0108 to:0.0092 for:0.0076 was:0.0073 by:0.0070 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9151 the:0.0285 a:0.0202 his:0.0066 and:0.0062 them:0.0056 her:0.0052 said:0.0047 this:0.0039 it:0.0039 -:0.7807 to:0.0617 in:0.0414 been:0.0390 made:0.0183 on:0.0162 by:0.0129 seen:0.0113 for:0.0107 passed:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -less:0.3753 more:0.2452 :0.3050 better:0.0295 rather:0.0234 worse:0.0069 greater:0.0058 only:0.0041 larger:0.0025 as:0.0024 -:0.7387 the:0.0852 and:0.0492 of:0.0341 as:0.0245 on:0.0178 by:0.0148 a:0.0128 this:0.0125 at:0.0105 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8513 people:0.0547 men:0.0418 man:0.0226 woman:0.0056 person:0.0055 law:0.0050 farmers:0.0048 persons:0.0045 farmer:0.0042 -:0.7166 the:0.1008 been:0.0785 a:0.0529 to:0.0127 it:0.0089 in:0.0087 that:0.0076 no:0.0069 an:0.0065 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9384 said:0.0235 same:0.0085 great:0.0064 most:0.0042 other:0.0042 public:0.0041 first:0.0039 the:0.0034 next:0.0033 -:0.8052 he:0.0518 that:0.0327 it:0.0266 mortgage:0.0253 they:0.0134 she:0.0120 petition:0.0119 bonds:0.0113 county:0.0098 -:0.9714 hundred:0.0091 important:0.0050 men:0.0026 free:0.0023 suffering:0.0023 valuable:0.0021 wide:0.0019 other:0.0017 above:0.0016 -:0.6181 of:0.1344 in:0.0682 to:0.0463 and:0.0394 for:0.0310 on:0.0251 that:0.0131 with:0.0124 at:0.0120 -:0.8953 line:0.0208 part:0.0203 side:0.0145 portion:0.0104 amount:0.0090 matter:0.0079 quarter:0.0079 one:0.0070 number:0.0068 -:0.5519 that:0.1937 to:0.0718 and:0.0568 but:0.0298 as:0.0225 with:0.0219 which:0.0186 for:0.0166 in:0.0164 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.6223 was:0.1139 is:0.0708 and:0.0440 be:0.0424 are:0.0396 were:0.0240 has:0.0156 had:0.0146 in:0.0128 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8434 and:0.0492 of:0.0214 the:0.0182 to:0.0156 or:0.0154 was:0.0115 will:0.0093 is:0.0082 that:0.0078 -:0.4478 and:0.1585 is:0.1257 are:0.0746 of:0.0464 was:0.0432 will:0.0368 were:0.0247 but:0.0216 has:0.0207 -the:0.4743 :0.2504 his:0.0726 a:0.0584 its:0.0451 their:0.0375 tho:0.0209 this:0.0152 tbe:0.0134 our:0.0123 -the:0.2741 :0.5825 a:0.0293 his:0.0253 other:0.0216 their:0.0182 its:0.0149 this:0.0135 that:0.0115 these:0.0091 -:0.6873 he:0.1160 it:0.1060 there:0.0236 that:0.0211 she:0.0158 and:0.0120 which:0.0076 ho:0.0056 be:0.0051 -:0.9501 and:0.0221 that:0.0069 but:0.0040 or:0.0035 is:0.0034 it:0.0026 was:0.0025 going:0.0025 out:0.0024 -:0.8485 day:0.0379 time:0.0223 man:0.0206 one:0.0171 thing:0.0146 kind:0.0111 year:0.0101 person:0.0092 law:0.0085 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6582 to:0.2018 and:0.0623 out:0.0138 up:0.0137 that:0.0122 it:0.0106 of:0.0103 but:0.0088 will:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.8578 put:0.0418 made:0.0174 come:0.0154 set:0.0142 taken:0.0129 him:0.0116 take:0.0107 picked:0.0094 kept:0.0088 -:0.6405 and:0.1355 was:0.0699 is:0.0426 of:0.0310 has:0.0217 but:0.0184 to:0.0149 as:0.0137 are:0.0118 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8851 and:0.0233 of:0.0202 to:0.0178 in:0.0133 the:0.0116 was:0.0077 is:0.0073 or:0.0069 that:0.0067 -:0.9001 and:0.0279 to:0.0255 of:0.0105 he:0.0070 was:0.0064 that:0.0063 for:0.0056 in:0.0054 or:0.0053 -to:0.2879 :0.4642 and:0.0786 will:0.0771 would:0.0337 was:0.0163 can:0.0134 may:0.0100 could:0.0095 should:0.0092 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7586 the:0.1634 a:0.0242 it:0.0109 their:0.0082 his:0.0072 this:0.0071 tho:0.0071 and:0.0069 that:0.0065 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -other:0.0542 particular:0.0308 habeas:0.0085 southern:0.0064 governmental:0.0057 greater:0.0056 kind:0.0054 colored:0.0043 special:0.0042 common:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8995 same:0.0333 best:0.0125 past:0.0115 said:0.0086 public:0.0084 present:0.0074 most:0.0065 great:0.0062 whole:0.0061 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8439 and:0.0449 of:0.0302 to:0.0270 in:0.0130 for:0.0118 with:0.0083 the:0.0081 or:0.0071 by:0.0057 -:0.6021 him:0.1661 them:0.0822 it:0.0477 me:0.0339 us:0.0288 up:0.0207 out:0.0069 her:0.0062 himself:0.0054 -:0.7357 the:0.0830 and:0.0515 was:0.0314 a:0.0269 is:0.0191 of:0.0170 or:0.0140 are:0.0122 be:0.0091 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6295 of:0.1133 the:0.0959 and:0.0466 a:0.0438 in:0.0246 to:0.0139 no:0.0121 or:0.0105 for:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4982 the:0.1722 a:0.1499 no:0.1063 been:0.0278 not:0.0142 an:0.0090 his:0.0089 their:0.0082 any:0.0054 -:0.8855 and:0.0601 of:0.0141 but:0.0080 that:0.0071 or:0.0058 it:0.0056 as:0.0053 is:0.0049 was:0.0037 -of:0.5042 :0.3504 and:0.0358 to:0.0292 for:0.0188 that:0.0167 in:0.0154 the:0.0123 ot:0.0088 as:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8264 and:0.0461 of:0.0387 than:0.0285 to:0.0147 for:0.0119 in:0.0109 the:0.0079 or:0.0078 that:0.0071 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6340 a:0.1408 been:0.1211 the:0.0427 no:0.0151 their:0.0112 said:0.0106 an:0.0094 his:0.0082 not:0.0069 -:0.5677 a:0.2181 the:0.0756 so:0.0345 no:0.0214 with:0.0213 as:0.0209 by:0.0203 in:0.0104 very:0.0096 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5555 the:0.2095 no:0.1006 of:0.0417 a:0.0399 and:0.0131 tho:0.0114 any:0.0114 his:0.0093 our:0.0076 -:0.8688 and:0.0312 went:0.0299 came:0.0158 laid:0.0129 it:0.0115 was:0.0097 put:0.0081 are:0.0061 is:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8623 and:0.0346 of:0.0316 or:0.0159 in:0.0116 for:0.0100 by:0.0092 with:0.0086 the:0.0084 at:0.0078 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -to:0.1764 :0.4289 and:0.1274 is:0.0781 of:0.0517 was:0.0421 are:0.0343 will:0.0222 has:0.0194 were:0.0194 -:0.8395 of:0.0734 and:0.0225 days:0.0159 the:0.0086 he:0.0085 in:0.0084 are:0.0081 that:0.0076 for:0.0074 -is:0.3234 was:0.2005 :0.3545 are:0.0284 as:0.0208 in:0.0206 were:0.0152 with:0.0129 has:0.0119 to:0.0118 -:0.7902 of:0.1181 and:0.0192 in:0.0156 or:0.0146 the:0.0128 a:0.0081 was:0.0074 to:0.0071 who:0.0070 -:0.8364 he:0.0378 the:0.0281 it:0.0218 they:0.0176 is:0.0137 time:0.0136 we:0.0109 all:0.0101 this:0.0100 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7621 and:0.0847 of:0.0384 to:0.0286 the:0.0184 in:0.0155 ago:0.0145 that:0.0131 from:0.0126 or:0.0120 -:0.9171 them:0.0197 him:0.0169 which:0.0111 it:0.0110 the:0.0055 that:0.0050 and:0.0049 page:0.0045 us:0.0042 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7824 is:0.0727 was:0.0632 and:0.0220 being:0.0140 are:0.0132 to:0.0094 of:0.0079 for:0.0078 in:0.0074 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9446 a:0.0098 and:0.0095 the:0.0089 of:0.0089 to:0.0048 in:0.0046 is:0.0035 one:0.0030 said:0.0024 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.5952 is:0.1122 be:0.0885 have:0.0509 was:0.0504 are:0.0265 well:0.0255 and:0.0213 had:0.0149 were:0.0148 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.8267 more:0.0771 less:0.0297 better:0.0266 worse:0.0087 rather:0.0086 man:0.0063 and:0.0056 higher:0.0054 person:0.0053 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7760 of:0.0554 and:0.0450 to:0.0359 the:0.0326 or:0.0134 in:0.0125 his:0.0114 was:0.0106 for:0.0073 -:0.7268 and:0.1132 in:0.0381 was:0.0278 is:0.0262 of:0.0194 to:0.0154 not:0.0112 been:0.0111 are:0.0107 -:0.7725 the:0.1080 a:0.0358 of:0.0203 it:0.0184 his:0.0116 their:0.0098 and:0.0085 in:0.0076 that:0.0075 -:0.6067 of:0.1366 and:0.0657 the:0.0430 in:0.0407 to:0.0396 for:0.0225 that:0.0156 on:0.0150 as:0.0145 -:0.8572 and:0.0492 of:0.0392 to:0.0132 in:0.0125 or:0.0075 that:0.0072 the:0.0063 are:0.0044 time:0.0032 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9138 only:0.0148 same:0.0145 first:0.0136 said:0.0097 last:0.0088 most:0.0071 present:0.0068 th:0.0055 best:0.0054 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7722 and:0.0784 of:0.0399 in:0.0237 the:0.0182 to:0.0165 for:0.0143 at:0.0137 is:0.0123 that:0.0108 -:0.7733 in:0.0691 to:0.0562 on:0.0192 be:0.0154 only:0.0148 for:0.0140 as:0.0137 that:0.0136 from:0.0106 -:0.5943 of:0.2154 and:0.0718 in:0.0270 to:0.0250 was:0.0157 is:0.0156 for:0.0154 the:0.0103 with:0.0094 -of:0.1823 in:0.1130 :0.4018 and:0.0842 at:0.0695 to:0.0593 for:0.0291 with:0.0245 is:0.0189 on:0.0174 -:0.5847 been:0.1943 the:0.0460 a:0.0435 no:0.0387 any:0.0254 an:0.0240 not:0.0204 their:0.0117 some:0.0113 -:0.7223 the:0.1214 a:0.0605 of:0.0351 and:0.0190 in:0.0106 this:0.0083 every:0.0080 his:0.0076 or:0.0072 -:0.8805 and:0.0382 of:0.0242 in:0.0108 to:0.0101 is:0.0084 as:0.0080 was:0.0072 the:0.0064 on:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8011 the:0.0426 in:0.0405 of:0.0384 and:0.0260 a:0.0170 to:0.0094 is:0.0088 it:0.0086 as:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7264 of:0.0608 and:0.0532 who:0.0433 in:0.0271 to:0.0271 the:0.0169 is:0.0157 that:0.0149 was:0.0146 -to:0.6369 :0.2023 by:0.0794 and:0.0180 in:0.0171 with:0.0134 that:0.0109 for:0.0092 from:0.0065 of:0.0064 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8300 little:0.0367 good:0.0341 great:0.0228 large:0.0200 much:0.0185 small:0.0122 the:0.0088 first:0.0086 young:0.0083 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8727 and:0.0443 was:0.0194 of:0.0138 to:0.0119 is:0.0097 in:0.0080 as:0.0080 it:0.0064 that:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9137 part:0.0194 one:0.0128 side:0.0104 line:0.0091 amount:0.0089 number:0.0071 rate:0.0067 day:0.0060 matter:0.0058 -:0.9119 and:0.0276 the:0.0184 of:0.0105 a:0.0064 or:0.0057 in:0.0054 that:0.0051 was:0.0047 it:0.0045 -:0.5645 of:0.0956 and:0.0908 is:0.0806 was:0.0428 that:0.0413 not:0.0242 the:0.0202 or:0.0200 can:0.0199 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6776 of:0.0801 to:0.0793 and:0.0385 in:0.0302 for:0.0235 by:0.0197 from:0.0179 as:0.0173 on:0.0159 -:0.5982 the:0.1855 a:0.1111 an:0.0285 well:0.0201 follows:0.0156 it:0.0110 is:0.0109 their:0.0099 his:0.0092 -:0.6826 of:0.1144 and:0.0423 in:0.0360 to:0.0297 the:0.0294 a:0.0238 that:0.0163 is:0.0128 by:0.0128 -:0.6569 the:0.1383 of:0.0525 his:0.0374 and:0.0304 their:0.0262 for:0.0181 to:0.0144 no:0.0137 in:0.0122 -:0.7571 to:0.0496 the:0.0453 of:0.0453 in:0.0323 and:0.0303 a:0.0171 all:0.0084 this:0.0074 any:0.0072 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.7332 the:0.1410 of:0.0320 a:0.0266 and:0.0151 his:0.0138 in:0.0127 for:0.0093 to:0.0085 tho:0.0079 -has:0.3201 had:0.1863 have:0.1381 :0.2868 having:0.0155 he:0.0153 ha:0.0137 baa:0.0086 lias:0.0079 they:0.0077 -the:0.4971 :0.2740 his:0.0727 this:0.0402 their:0.0265 a:0.0220 our:0.0194 her:0.0190 its:0.0151 tho:0.0139 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.8971 hour:0.0516 act:0.0137 attack:0.0079 increase:0.0064 old:0.0051 opinion:0.0050 inch:0.0049 action:0.0042 open:0.0041 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.6635 of:0.0866 and:0.0800 to:0.0492 in:0.0279 that:0.0269 for:0.0235 at:0.0163 or:0.0133 as:0.0128 -:0.4661 we:0.2137 they:0.1651 would:0.0428 will:0.0345 you:0.0256 may:0.0172 he:0.0140 might:0.0105 could:0.0105 -by:0.1718 in:0.1424 :0.3771 to:0.0956 of:0.0438 on:0.0434 from:0.0424 for:0.0414 at:0.0214 with:0.0207 -:0.8682 time:0.0233 city:0.0226 country:0.0211 morning:0.0147 way:0.0138 act:0.0124 year:0.0085 state:0.0080 is:0.0074 -:0.8175 the:0.0837 a:0.0319 by:0.0116 that:0.0116 and:0.0106 his:0.0097 tho:0.0088 said:0.0075 in:0.0070 -:0.6789 are:0.1097 and:0.0425 have:0.0381 be:0.0331 the:0.0277 a:0.0193 will:0.0186 were:0.0178 he:0.0144 -:0.8768 of:0.0356 in:0.0193 and:0.0175 to:0.0138 a:0.0118 the:0.0101 one:0.0058 all:0.0047 on:0.0045 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8964 and:0.0245 the:0.0167 of:0.0145 a:0.0105 it:0.0099 that:0.0098 at:0.0067 in:0.0055 or:0.0054 -:0.9353 them:0.0262 it:0.0064 him:0.0062 the:0.0062 land:0.0058 which:0.0035 water:0.0035 that:0.0035 this:0.0035 -:0.8996 the:0.0327 such:0.0121 said:0.0118 this:0.0099 tho:0.0099 them:0.0070 any:0.0058 a:0.0056 these:0.0056 -:0.8049 and:0.0366 of:0.0363 in:0.0235 a:0.0207 the:0.0204 for:0.0181 at:0.0174 or:0.0117 to:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -the:0.4363 :0.4184 his:0.0346 tho:0.0267 a:0.0236 our:0.0196 their:0.0170 her:0.0088 its:0.0077 this:0.0073 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -:0.8457 go:0.0325 him:0.0266 it:0.0223 went:0.0161 them:0.0157 come:0.0135 put:0.0104 get:0.0098 enter:0.0074 -:0.8995 and:0.0215 a:0.0178 the:0.0155 to:0.0111 in:0.0089 one:0.0083 that:0.0079 of:0.0052 is:0.0042 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.6313 and:0.1222 of:0.0805 is:0.0430 are:0.0394 was:0.0383 has:0.0129 were:0.0128 to:0.0101 or:0.0095 -:0.8412 in:0.0311 to:0.0289 and:0.0241 of:0.0155 that:0.0142 a:0.0124 on:0.0122 the:0.0103 as:0.0100 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8688 and:0.0312 went:0.0299 came:0.0158 laid:0.0129 it:0.0115 was:0.0097 put:0.0081 are:0.0061 is:0.0060 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.6742 the:0.1257 a:0.0747 of:0.0394 and:0.0270 in:0.0145 his:0.0140 this:0.0121 to:0.0100 tho:0.0083 -:0.9043 and:0.0252 the:0.0208 that:0.0171 which:0.0074 of:0.0069 city:0.0050 in:0.0046 country:0.0044 this:0.0044 -:0.6797 the:0.1642 of:0.0392 and:0.0350 a:0.0325 or:0.0137 no:0.0104 in:0.0087 one:0.0087 his:0.0079 -:0.5312 the:0.3098 a:0.0847 his:0.0159 tho:0.0156 an:0.0095 this:0.0091 their:0.0090 tbe:0.0077 it:0.0076 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.5908 as:0.1485 to:0.0780 that:0.0530 the:0.0294 and:0.0262 in:0.0247 a:0.0188 by:0.0169 for:0.0137 -:0.8660 to:0.0371 and:0.0191 by:0.0151 for:0.0120 of:0.0108 with:0.0105 about:0.0102 that:0.0098 not:0.0094 -:0.5008 was:0.2059 is:0.1545 in:0.0243 has:0.0234 of:0.0222 and:0.0214 the:0.0206 a:0.0151 with:0.0118 -:0.5464 his:0.1334 their:0.1113 our:0.0417 the:0.0406 her:0.0382 my:0.0260 its:0.0230 and:0.0224 of:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5334 :0.2828 a:0.0510 his:0.0393 tho:0.0263 our:0.0193 their:0.0185 said:0.0101 this:0.0098 any:0.0095 -as:0.9042 :0.0796 more:0.0038 by:0.0026 and:0.0021 be:0.0018 at:0.0016 ns:0.0016 aa:0.0014 so:0.0013 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -:0.9604 same:0.0073 city:0.0047 world:0.0046 time:0.0042 law:0.0040 whole:0.0039 said:0.0038 best:0.0037 way:0.0034 -:0.9115 and:0.0261 of:0.0141 in:0.0135 as:0.0088 at:0.0086 the:0.0068 on:0.0036 for:0.0036 or:0.0034 -the:0.5267 :0.3078 his:0.0407 a:0.0308 tho:0.0233 their:0.0185 its:0.0178 her:0.0128 tbe:0.0114 our:0.0102 -:0.9446 them:0.0144 land:0.0101 money:0.0065 the:0.0047 sale:0.0043 him:0.0041 said:0.0040 men:0.0038 it:0.0036 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6365 in:0.0839 and:0.0733 of:0.0712 the:0.0475 to:0.0361 for:0.0193 with:0.0115 a:0.0111 one:0.0097 -:0.5123 in:0.0971 by:0.0888 to:0.0714 of:0.0539 at:0.0393 from:0.0386 on:0.0373 for:0.0341 with:0.0272 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6529 in:0.0648 with:0.0544 that:0.0526 of:0.0423 to:0.0396 and:0.0340 at:0.0222 for:0.0202 from:0.0170 -be:0.2999 :0.5526 the:0.0334 do:0.0246 bo:0.0222 have:0.0213 as:0.0124 which:0.0120 say:0.0108 a:0.0106 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.8607 and:0.0457 in:0.0220 of:0.0167 the:0.0125 or:0.0107 to:0.0097 on:0.0078 for:0.0071 at:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6739 and:0.1377 of:0.0666 in:0.0347 the:0.0249 to:0.0161 by:0.0147 with:0.0116 at:0.0111 on:0.0087 -:0.8891 and:0.0242 who:0.0156 he:0.0155 it:0.0120 which:0.0092 they:0.0090 we:0.0090 that:0.0089 of:0.0074 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7882 of:0.0566 and:0.0526 to:0.0274 who:0.0197 in:0.0167 was:0.0128 the:0.0088 is:0.0087 or:0.0085 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8519 doubt:0.0327 one:0.0294 reason:0.0261 longer:0.0133 way:0.0124 other:0.0097 more:0.0093 matter:0.0080 time:0.0072 -:0.5861 to:0.0767 and:0.0699 of:0.0594 for:0.0527 with:0.0414 as:0.0392 in:0.0378 is:0.0188 at:0.0180 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.5276 to:0.1919 out:0.0688 and:0.0518 in:0.0312 up:0.0288 from:0.0278 down:0.0246 on:0.0239 into:0.0236 -:0.6960 that:0.1040 to:0.0489 but:0.0454 and:0.0332 as:0.0204 which:0.0147 when:0.0145 before:0.0123 t:0.0105 -not:0.3152 be:0.0396 so:0.0179 :0.5740 hereby:0.0154 no:0.0086 a:0.0079 nothing:0.0073 always:0.0072 it:0.0070 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.6234 to:0.1245 of:0.0788 and:0.0432 from:0.0328 in:0.0274 wide:0.0187 on:0.0179 thence:0.0169 or:0.0164 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -the:0.6245 :0.2621 a:0.0481 tho:0.0131 this:0.0124 his:0.0111 that:0.0097 an:0.0084 their:0.0055 her:0.0050 -:0.6652 to:0.1485 and:0.0539 will:0.0446 would:0.0290 the:0.0166 should:0.0122 of:0.0105 we:0.0098 shall:0.0097 -:0.6789 and:0.1619 as:0.0279 but:0.0274 of:0.0242 to:0.0193 is:0.0181 are:0.0172 or:0.0159 ago:0.0092 -:0.8463 and:0.0487 for:0.0152 is:0.0147 that:0.0137 them:0.0135 him:0.0130 was:0.0128 down:0.0115 it:0.0105 -:0.5672 a:0.2021 of:0.0597 in:0.0573 and:0.0355 that:0.0341 the:0.0146 is:0.0106 with:0.0097 one:0.0091 -the:0.0187 a:0.0163 made:0.0097 very:0.0081 quite:0.0075 taken:0.0072 no:0.0065 :0.9154 so:0.0053 seen:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7439 to:0.0810 in:0.0398 is:0.0384 for:0.0199 it:0.0182 if:0.0177 such:0.0159 was:0.0145 that:0.0107 -:0.9009 feet:0.0212 back:0.0154 husband:0.0129 home:0.0113 return:0.0098 way:0.0073 as:0.0072 power:0.0071 and:0.0068 -:0.7297 a:0.0717 the:0.0658 and:0.0308 of:0.0238 he:0.0163 was:0.0159 is:0.0157 that:0.0155 this:0.0149 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 and:0.0355 the:0.0295 to:0.0247 that:0.0183 by:0.0162 a:0.0144 of:0.0137 in:0.0128 as:0.0115 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.7351 the:0.0969 a:0.0543 in:0.0311 to:0.0250 more:0.0142 and:0.0122 by:0.0114 if:0.0102 of:0.0096 -:0.9574 m:0.0070 in:0.0069 to:0.0064 year:0.0043 time:0.0041 place:0.0036 half:0.0035 complete:0.0034 visit:0.0034 -the:0.4501 :0.4343 a:0.0437 tho:0.0179 of:0.0134 his:0.0109 that:0.0086 in:0.0079 he:0.0070 to:0.0063 -:0.6269 be:0.1561 do:0.1152 have:0.0307 say:0.0178 bo:0.0125 him:0.0113 get:0.0105 see:0.0099 make:0.0092 -the:0.0384 his:0.0266 its:0.0260 their:0.0177 tho:0.0128 my:0.0108 our:0.0096 bis:0.0096 your:0.0094 tbe:0.0067 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.7515 the:0.1518 a:0.0520 that:0.0074 an:0.0073 by:0.0065 any:0.0060 all:0.0060 this:0.0058 in:0.0057 -:0.6634 and:0.1134 was:0.0692 is:0.0320 of:0.0314 were:0.0202 to:0.0189 he:0.0176 are:0.0175 who:0.0163 -:0.7633 of:0.1041 and:0.0312 the:0.0305 is:0.0139 in:0.0130 was:0.0119 for:0.0114 that:0.0105 or:0.0102 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6621 of:0.1522 the:0.0537 and:0.0518 in:0.0221 is:0.0139 to:0.0125 was:0.0107 a:0.0106 it:0.0106 -:0.5565 the:0.1909 any:0.1070 this:0.0290 every:0.0278 a:0.0219 all:0.0219 no:0.0169 that:0.0140 said:0.0140 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9634 it:0.0106 then:0.0054 that:0.0042 made:0.0040 paid:0.0029 place:0.0025 used:0.0025 provided:0.0024 he:0.0022 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8452 he:0.0350 and:0.0315 who:0.0266 it:0.0154 we:0.0122 they:0.0099 be:0.0091 that:0.0079 which:0.0073 -:0.5835 the:0.1692 by:0.0720 of:0.0712 a:0.0324 and:0.0187 for:0.0169 in:0.0132 at:0.0128 with:0.0102 -will:0.2178 to:0.1686 :0.2668 should:0.0846 would:0.0652 shall:0.0587 may:0.0445 can:0.0435 must:0.0298 could:0.0206 -:0.5689 of:0.2298 the:0.0456 and:0.0438 in:0.0376 to:0.0249 for:0.0136 that:0.0124 a:0.0120 or:0.0114 -:0.9072 times:0.0179 persons:0.0134 men:0.0128 them:0.0100 right:0.0093 over:0.0086 miles:0.0080 him:0.0068 away:0.0061 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8983 made:0.0217 paid:0.0142 used:0.0123 found:0.0106 given:0.0093 ready:0.0092 not:0.0090 called:0.0082 sent:0.0071 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9222 same:0.0205 most:0.0096 other:0.0079 first:0.0075 whole:0.0075 th:0.0068 next:0.0061 highest:0.0061 old:0.0057 -the:0.4169 :0.3894 a:0.0611 his:0.0327 tho:0.0246 our:0.0232 their:0.0175 these:0.0150 its:0.0106 this:0.0090 -:0.7927 two:0.0470 the:0.0459 other:0.0236 three:0.0209 any:0.0185 a:0.0140 more:0.0135 in:0.0123 four:0.0116 -:0.8681 to:0.0342 and:0.0286 the:0.0155 been:0.0114 that:0.0109 in:0.0105 for:0.0075 a:0.0072 said:0.0061 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6903 the:0.1129 to:0.0665 of:0.0338 and:0.0316 a:0.0178 at:0.0129 in:0.0122 his:0.0113 this:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5325 of:0.1636 the:0.0925 and:0.0524 in:0.0433 by:0.0328 with:0.0245 a:0.0205 to:0.0193 that:0.0187 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5845 of:0.1677 to:0.0446 and:0.0412 for:0.0373 in:0.0345 with:0.0334 by:0.0318 than:0.0134 on:0.0115 -:0.9620 city:0.0057 country:0.0056 world:0.0044 people:0.0044 time:0.0042 law:0.0036 same:0.0035 war:0.0035 land:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7762 and:0.0589 to:0.0387 he:0.0319 we:0.0308 but:0.0207 they:0.0145 who:0.0127 will:0.0080 so:0.0075 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4967 a:0.2198 the:0.2022 to:0.0169 an:0.0158 he:0.0114 tho:0.0107 his:0.0093 this:0.0092 it:0.0080 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9255 less:0.0157 more:0.0155 otherwise:0.0127 not:0.0075 to:0.0060 it:0.0050 two:0.0049 three:0.0039 even:0.0033 -:0.9369 ago:0.0153 and:0.0135 time:0.0071 it:0.0056 in:0.0052 to:0.0049 down:0.0043 years:0.0038 up:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6348 of:0.1359 in:0.0469 for:0.0323 to:0.0309 on:0.0301 with:0.0287 and:0.0271 by:0.0175 at:0.0158 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7861 and:0.0493 of:0.0384 that:0.0276 the:0.0233 for:0.0202 to:0.0180 in:0.0161 as:0.0112 is:0.0097 -:0.6708 is:0.0940 was:0.0736 are:0.0561 were:0.0336 and:0.0215 the:0.0150 to:0.0139 in:0.0108 a:0.0108 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.7807 to:0.0617 in:0.0414 been:0.0390 made:0.0183 on:0.0162 by:0.0129 seen:0.0113 for:0.0107 passed:0.0078 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -of:0.2516 :0.3996 and:0.1110 to:0.0977 or:0.0290 in:0.0268 that:0.0229 the:0.0207 for:0.0205 at:0.0202 -:0.7841 and:0.0433 is:0.0407 was:0.0360 have:0.0229 has:0.0225 be:0.0144 are:0.0142 to:0.0110 had:0.0108 -of:0.3106 in:0.2115 :0.2759 to:0.0445 on:0.0420 for:0.0363 that:0.0229 and:0.0227 from:0.0183 at:0.0153 -:0.7943 young:0.0659 old:0.0243 best:0.0218 first:0.0206 whole:0.0178 other:0.0175 same:0.0150 great:0.0129 past:0.0098 -:0.8020 and:0.0423 of:0.0403 the:0.0369 a:0.0243 in:0.0143 an:0.0125 was:0.0108 to:0.0101 or:0.0065 -:0.7849 be:0.0840 the:0.0564 have:0.0130 make:0.0120 bo:0.0117 a:0.0109 take:0.0098 his:0.0097 any:0.0076 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7305 the:0.0746 to:0.0459 and:0.0293 in:0.0277 of:0.0243 that:0.0198 for:0.0167 by:0.0156 a:0.0156 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.7206 the:0.1092 of:0.0773 and:0.0348 that:0.0161 in:0.0142 this:0.0082 his:0.0068 a:0.0064 to:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8976 great:0.0186 whole:0.0165 said:0.0125 old:0.0120 same:0.0113 other:0.0085 entire:0.0078 various:0.0078 new:0.0073 -the:0.4245 :0.3696 a:0.0931 his:0.0219 any:0.0210 this:0.0179 an:0.0154 tho:0.0151 its:0.0108 tbe:0.0106 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.8805 and:0.0264 out:0.0204 up:0.0139 down:0.0136 it:0.0102 is:0.0095 came:0.0093 of:0.0090 that:0.0074 -:0.7662 the:0.0515 a:0.0506 and:0.0380 of:0.0178 as:0.0159 or:0.0152 was:0.0152 is:0.0149 in:0.0147 -:0.8864 time:0.0371 days:0.0155 and:0.0119 way:0.0108 day:0.0087 man:0.0085 times:0.0082 person:0.0067 men:0.0062 -at:0.0016 enable:0.0010 make:0.0010 take:0.0010 fill:0.0009 be:0.0008 in:0.0008 for:0.0008 find:0.0008 like:0.0007 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8015 the:0.0863 of:0.0212 and:0.0185 his:0.0172 any:0.0129 said:0.0113 a:0.0106 tho:0.0104 no:0.0101 -:0.8487 and:0.0435 the:0.0233 it:0.0155 a:0.0147 not:0.0127 was:0.0117 of:0.0109 had:0.0096 is:0.0094 -of:0.3019 :0.3510 for:0.0876 in:0.0529 to:0.0447 or:0.0429 at:0.0384 by:0.0380 that:0.0218 if:0.0208 -:0.8653 and:0.0272 as:0.0219 who:0.0203 man:0.0133 he:0.0124 we:0.0117 it:0.0103 which:0.0091 is:0.0085 -:0.9685 hundred:0.0054 and:0.0041 in:0.0036 it:0.0033 hand:0.0032 to:0.0032 night:0.0031 for:0.0030 down:0.0026 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -been:0.2498 be:0.2361 :0.3633 had:0.0361 never:0.0295 have:0.0249 bo:0.0166 ever:0.0152 he:0.0147 was:0.0139 -a:0.2795 the:0.1455 :0.4668 an:0.0326 in:0.0205 to:0.0197 no:0.0101 and:0.0091 one:0.0083 or:0.0077 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8159 in:0.0369 with:0.0249 as:0.0247 by:0.0200 that:0.0173 was:0.0169 for:0.0157 is:0.0155 at:0.0123 -:0.6646 a:0.1059 the:0.0826 been:0.0591 no:0.0424 to:0.0124 said:0.0117 so:0.0078 this:0.0070 an:0.0065 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8683 one:0.0252 out:0.0246 and:0.0207 that:0.0146 part:0.0111 line:0.0109 side:0.0090 because:0.0083 day:0.0073 -:0.7390 of:0.1093 and:0.0686 or:0.0187 in:0.0164 to:0.0127 the:0.0118 which:0.0098 on:0.0077 by:0.0061 -of:0.3483 :0.4988 and:0.0657 in:0.0161 or:0.0147 is:0.0141 as:0.0137 was:0.0114 for:0.0089 the:0.0083 -:0.8281 the:0.0522 a:0.0384 of:0.0178 and:0.0165 an:0.0135 to:0.0124 or:0.0076 was:0.0069 tho:0.0065 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.7392 of:0.0873 and:0.0496 in:0.0315 to:0.0271 for:0.0183 with:0.0140 as:0.0124 by:0.0108 on:0.0099 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.7880 it:0.1199 there:0.0281 he:0.0164 been:0.0158 not:0.0110 nothing:0.0081 she:0.0044 so:0.0044 done:0.0040 -:0.7047 and:0.0691 is:0.0508 has:0.0338 have:0.0326 are:0.0284 as:0.0268 was:0.0230 were:0.0163 be:0.0145 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -the:0.3580 :0.4838 to:0.0383 a:0.0329 of:0.0292 tho:0.0153 and:0.0129 this:0.0124 in:0.0087 tbe:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.8169 and:0.0561 the:0.0448 of:0.0209 was:0.0129 to:0.0124 he:0.0099 is:0.0097 or:0.0087 be:0.0076 -:0.6087 of:0.1332 in:0.0703 by:0.0375 and:0.0341 with:0.0290 from:0.0245 that:0.0230 for:0.0208 on:0.0189 -:0.8076 in:0.0441 and:0.0419 the:0.0409 to:0.0196 a:0.0128 that:0.0111 of:0.0076 an:0.0074 on:0.0071 -:0.7110 of:0.0534 in:0.0474 is:0.0334 for:0.0331 from:0.0277 at:0.0276 on:0.0259 and:0.0211 to:0.0195 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.7766 and:0.0399 he:0.0353 was:0.0318 be:0.0280 the:0.0229 is:0.0212 to:0.0192 have:0.0151 are:0.0100 -:0.5738 the:0.2297 a:0.0496 of:0.0399 and:0.0228 tho:0.0198 his:0.0185 to:0.0159 this:0.0155 their:0.0145 -highest:0.0251 most:0.0083 whole:0.0081 :0.9236 great:0.0078 young:0.0056 same:0.0056 a:0.0055 next:0.0053 old:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -the:0.2658 :0.4455 a:0.1808 his:0.0249 this:0.0194 any:0.0194 tho:0.0159 least:0.0103 its:0.0094 their:0.0085 -:0.8504 the:0.0334 that:0.0209 and:0.0184 of:0.0183 persons:0.0170 kinds:0.0109 cases:0.0109 other:0.0108 who:0.0089 -:0.7777 of:0.0831 and:0.0636 in:0.0162 to:0.0136 or:0.0125 that:0.0115 the:0.0106 are:0.0057 at:0.0054 -:0.7272 and:0.0605 was:0.0541 is:0.0399 have:0.0240 be:0.0239 has:0.0223 are:0.0180 he:0.0153 were:0.0148 -:0.7566 the:0.1573 a:0.0200 said:0.0142 in:0.0132 tho:0.0118 of:0.0075 that:0.0074 and:0.0061 this:0.0059 -:0.8976 and:0.0231 the:0.0168 of:0.0127 that:0.0107 in:0.0091 a:0.0091 was:0.0079 he:0.0065 be:0.0064 -:0.7086 the:0.1038 of:0.0595 in:0.0286 and:0.0231 a:0.0196 to:0.0177 by:0.0172 this:0.0140 tho:0.0077 -:0.8103 a:0.0425 the:0.0382 to:0.0282 in:0.0206 one:0.0195 and:0.0148 of:0.0113 that:0.0079 by:0.0067 -:0.8862 one:0.0271 part:0.0172 some:0.0121 all:0.0117 time:0.0114 purpose:0.0093 day:0.0084 kind:0.0083 portion:0.0082 -:0.8467 and:0.0450 is:0.0210 was:0.0209 be:0.0146 he:0.0133 are:0.0123 were:0.0107 to:0.0082 had:0.0073 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8812 day:0.0469 time:0.0239 year:0.0120 and:0.0111 is:0.0062 man:0.0056 days:0.0049 thing:0.0042 was:0.0041 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.7413 if:0.0508 in:0.0445 by:0.0385 at:0.0266 of:0.0243 to:0.0232 before:0.0204 for:0.0163 more:0.0142 -:0.6820 go:0.0839 come:0.0448 put:0.0397 get:0.0347 look:0.0336 be:0.0240 sit:0.0233 carry:0.0191 him:0.0149 -:0.5027 to:0.1138 of:0.1010 in:0.0979 for:0.0419 and:0.0392 on:0.0276 from:0.0262 that:0.0248 with:0.0248 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.8675 made:0.0334 given:0.0207 followed:0.0151 held:0.0130 found:0.0113 caused:0.0106 paid:0.0101 taken:0.0097 killed:0.0085 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8792 the:0.0374 a:0.0207 and:0.0149 in:0.0109 of:0.0103 or:0.0068 by:0.0067 to:0.0067 any:0.0065 -:0.5406 the:0.3361 of:0.0313 a:0.0244 and:0.0171 his:0.0126 their:0.0122 tho:0.0121 this:0.0069 our:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.1732 the:0.1337 :0.5193 his:0.0321 no:0.0295 any:0.0292 all:0.0272 her:0.0240 in:0.0170 their:0.0147 -:0.8032 the:0.0759 in:0.0254 a:0.0227 of:0.0216 and:0.0194 to:0.0106 this:0.0081 or:0.0079 by:0.0053 -the:0.5236 :0.2772 a:0.0565 of:0.0377 in:0.0254 that:0.0204 no:0.0177 and:0.0143 by:0.0139 to:0.0134 -:0.9183 out:0.0144 side:0.0137 day:0.0127 line:0.0111 one:0.0073 and:0.0070 part:0.0058 or:0.0054 value:0.0044 -:0.8606 be:0.0506 the:0.0205 do:0.0131 make:0.0112 take:0.0104 pay:0.0099 have:0.0080 get:0.0079 see:0.0077 -:0.8019 made:0.0821 in:0.0258 as:0.0229 found:0.0140 for:0.0134 given:0.0123 received:0.0093 at:0.0093 considered:0.0090 -:0.6522 of:0.1616 the:0.0531 in:0.0392 his:0.0279 for:0.0218 and:0.0178 a:0.0114 on:0.0083 their:0.0067 -:0.7687 made:0.0417 taken:0.0389 put:0.0321 picked:0.0317 broken:0.0208 brought:0.0193 kept:0.0159 set:0.0155 laid:0.0155 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -of:0.6225 the:0.0811 in:0.0706 :0.1430 to:0.0359 and:0.0117 for:0.0107 a:0.0103 his:0.0078 by:0.0065 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6417 the:0.1572 his:0.0640 to:0.0332 that:0.0249 its:0.0245 in:0.0147 a:0.0137 all:0.0136 tho:0.0126 -:0.8899 and:0.0241 the:0.0204 that:0.0128 a:0.0125 he:0.0116 it:0.0083 to:0.0071 we:0.0067 one:0.0067 -:0.7869 the:0.0564 a:0.0355 of:0.0281 that:0.0264 and:0.0183 in:0.0175 by:0.0145 it:0.0095 his:0.0068 -:0.8649 and:0.0330 of:0.0208 the:0.0197 a:0.0152 that:0.0151 is:0.0097 to:0.0075 said:0.0072 as:0.0070 -:0.9341 year:0.0100 matter:0.0099 man:0.0088 little:0.0086 bill:0.0069 letter:0.0059 time:0.0055 point:0.0053 moment:0.0049 -:0.7661 the:0.0726 a:0.0637 and:0.0494 of:0.0172 in:0.0074 was:0.0071 an:0.0057 are:0.0055 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8439 and:0.0449 of:0.0302 to:0.0270 in:0.0130 for:0.0118 with:0.0083 the:0.0081 or:0.0071 by:0.0057 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9336 and:0.0223 for:0.0069 by:0.0065 in:0.0061 line:0.0054 of:0.0051 to:0.0050 all:0.0048 down:0.0044 -:0.7662 the:0.0703 a:0.0596 to:0.0228 and:0.0224 an:0.0179 of:0.0173 or:0.0083 his:0.0081 in:0.0072 -:0.8181 of:0.0528 and:0.0414 the:0.0357 is:0.0101 was:0.0097 has:0.0094 a:0.0077 or:0.0077 have:0.0073 -the:0.3095 :0.5248 a:0.0368 which:0.0208 his:0.0204 tho:0.0202 him:0.0175 them:0.0172 this:0.0166 it:0.0161 -:0.9119 court:0.0169 kind:0.0132 amount:0.0122 day:0.0105 matter:0.0103 thought:0.0064 part:0.0064 period:0.0063 number:0.0060 -:0.7525 of:0.0969 and:0.0701 in:0.0202 to:0.0150 as:0.0111 that:0.0096 who:0.0089 or:0.0087 the:0.0070 -:0.6339 the:0.1969 a:0.0451 and:0.0263 to:0.0230 it:0.0192 in:0.0157 his:0.0145 of:0.0134 him:0.0121 -:0.4519 was:0.1608 is:0.1420 has:0.1198 are:0.0259 and:0.0246 as:0.0219 be:0.0182 were:0.0177 being:0.0171 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8219 the:0.0483 was:0.0345 and:0.0283 be:0.0181 he:0.0111 a:0.0105 been:0.0092 is:0.0091 are:0.0091 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.2432 his:0.0979 :0.4839 their:0.0385 our:0.0313 tho:0.0237 its:0.0235 said:0.0214 her:0.0213 my:0.0154 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.7520 it:0.1198 he:0.0338 that:0.0222 there:0.0217 which:0.0134 and:0.0118 she:0.0113 as:0.0091 who:0.0050 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9403 and:0.0257 it:0.0096 that:0.0050 was:0.0040 or:0.0036 is:0.0032 who:0.0029 of:0.0028 he:0.0028 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7328 of:0.0664 and:0.0523 the:0.0406 in:0.0264 to:0.0224 for:0.0200 was:0.0147 on:0.0130 that:0.0114 -:0.8183 of:0.0432 to:0.0309 and:0.0273 that:0.0258 the:0.0132 will:0.0118 for:0.0106 which:0.0098 as:0.0091 -:0.8977 and:0.0369 of:0.0150 as:0.0117 to:0.0104 time:0.0068 the:0.0063 that:0.0058 in:0.0049 way:0.0044 -:0.6228 it:0.2294 he:0.0404 there:0.0304 which:0.0255 and:0.0153 she:0.0132 that:0.0115 him:0.0060 you:0.0055 -of:0.6417 :0.2149 to:0.0351 in:0.0263 and:0.0175 for:0.0157 with:0.0138 on:0.0128 from:0.0123 that:0.0099 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -a:0.6027 :0.2943 of:0.0270 that:0.0169 the:0.0127 very:0.0126 for:0.0102 as:0.0095 and:0.0078 to:0.0064 -the:0.3093 a:0.1779 :0.3689 no:0.0447 this:0.0251 tho:0.0191 an:0.0176 his:0.0155 any:0.0117 and:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7660 and:0.0888 he:0.0643 who:0.0135 they:0.0135 it:0.0129 we:0.0119 be:0.0101 she:0.0096 was:0.0094 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -to:0.1889 :0.5559 of:0.0645 and:0.0450 for:0.0392 in:0.0267 at:0.0220 that:0.0205 with:0.0202 on:0.0171 -:0.8198 and:0.0592 a:0.0263 the:0.0229 to:0.0211 all:0.0155 as:0.0100 that:0.0097 in:0.0080 but:0.0076 -:0.6739 to:0.0851 and:0.0845 of:0.0489 is:0.0267 was:0.0197 out:0.0172 that:0.0159 but:0.0148 are:0.0134 -:0.7475 the:0.0893 be:0.0606 a:0.0304 make:0.0152 take:0.0130 pay:0.0128 get:0.0113 this:0.0106 keep:0.0092 -:0.5750 of:0.1443 and:0.0727 in:0.0627 for:0.0441 at:0.0305 to:0.0278 as:0.0155 with:0.0137 or:0.0136 -:0.5687 to:0.2337 and:0.0697 will:0.0366 of:0.0264 would:0.0181 can:0.0130 not:0.0116 shall:0.0116 may:0.0106 -:0.5685 of:0.2401 and:0.0758 in:0.0386 was:0.0165 at:0.0141 or:0.0130 is:0.0126 to:0.0116 for:0.0093 -:0.5774 the:0.2242 of:0.0849 and:0.0332 to:0.0225 a:0.0151 his:0.0136 tho:0.0118 in:0.0090 or:0.0083 -that:0.3843 :0.4767 to:0.0338 it:0.0278 he:0.0205 in:0.0187 the:0.0117 with:0.0100 for:0.0098 as:0.0067 -:0.9477 best:0.0088 same:0.0084 first:0.0071 said:0.0058 world:0.0048 city:0.0047 following:0.0046 whole:0.0046 only:0.0036 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9559 land:0.0059 city:0.0058 right:0.0057 people:0.0048 free:0.0047 bill:0.0046 world:0.0043 same:0.0042 law:0.0041 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -to:0.3363 :0.4482 and:0.0909 in:0.0374 that:0.0245 as:0.0160 but:0.0149 he:0.0130 for:0.0106 it:0.0082 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6417 the:0.1572 his:0.0640 to:0.0332 that:0.0249 its:0.0245 in:0.0147 a:0.0137 all:0.0136 tho:0.0126 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.9450 of:0.0115 way:0.0081 in:0.0075 use:0.0062 own:0.0046 from:0.0046 place:0.0045 support:0.0042 that:0.0039 -:0.7356 of:0.0967 and:0.0450 the:0.0323 in:0.0225 to:0.0202 that:0.0179 on:0.0106 a:0.0102 for:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.7947 and:0.0418 of:0.0307 the:0.0278 a:0.0241 be:0.0216 was:0.0194 is:0.0147 on:0.0142 have:0.0110 -the:0.3594 :0.4973 his:0.0419 this:0.0277 tho:0.0166 their:0.0149 a:0.0144 her:0.0111 such:0.0092 said:0.0075 -:0.6609 it:0.1116 they:0.0535 he:0.0511 there:0.0384 we:0.0284 that:0.0180 you:0.0164 and:0.0118 she:0.0099 -:0.8927 the:0.0286 and:0.0185 a:0.0143 of:0.0101 in:0.0098 to:0.0088 for:0.0059 at:0.0056 as:0.0056 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6327 a:0.1636 the:0.1084 to:0.0204 that:0.0202 this:0.0148 and:0.0116 tho:0.0102 it:0.0096 his:0.0085 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.4474 a:0.1617 :0.2205 this:0.0483 tho:0.0255 their:0.0233 his:0.0217 our:0.0209 said:0.0155 any:0.0152 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5943 is:0.1524 we:0.0530 they:0.0509 he:0.0365 was:0.0349 it:0.0285 as:0.0212 you:0.0153 she:0.0132 -he:0.4281 :0.3439 she:0.0554 they:0.0433 it:0.0377 we:0.0268 ho:0.0241 the:0.0211 is:0.0099 be:0.0097 -of:0.2324 :0.4285 in:0.1072 and:0.0584 that:0.0490 to:0.0433 on:0.0251 with:0.0200 for:0.0183 by:0.0177 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.6089 to:0.1815 the:0.0610 of:0.0374 a:0.0270 in:0.0260 and:0.0207 that:0.0129 by:0.0123 for:0.0123 -:0.7960 and:0.0988 of:0.0253 has:0.0192 was:0.0131 that:0.0131 in:0.0100 is:0.0095 as:0.0083 or:0.0067 -:0.6923 the:0.2109 take:0.0207 be:0.0151 tho:0.0121 make:0.0119 her:0.0102 do:0.0101 his:0.0086 a:0.0081 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9272 order:0.0157 that:0.0101 and:0.0083 which:0.0076 all:0.0072 time:0.0065 the:0.0060 it:0.0056 interest:0.0056 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8035 the:0.0648 and:0.0306 of:0.0211 a:0.0159 in:0.0146 that:0.0137 as:0.0125 to:0.0120 for:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9343 city:0.0106 most:0.0096 whole:0.0089 best:0.0074 right:0.0063 last:0.0062 case:0.0059 first:0.0055 top:0.0054 -of:0.4978 :0.3541 to:0.0423 in:0.0333 and:0.0133 ot:0.0133 for:0.0130 that:0.0127 on:0.0101 at:0.0100 -:0.8789 the:0.0520 a:0.0170 and:0.0150 in:0.0083 by:0.0062 of:0.0060 to:0.0057 be:0.0056 was:0.0054 -:0.8805 same:0.0215 first:0.0145 great:0.0125 present:0.0124 whole:0.0122 following:0.0119 most:0.0115 said:0.0115 public:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6180 the:0.2302 of:0.0413 and:0.0277 a:0.0223 in:0.0194 to:0.0121 an:0.0104 tho:0.0103 by:0.0083 -:0.6094 that:0.1238 he:0.0762 it:0.0517 they:0.0467 we:0.0270 much:0.0241 long:0.0152 there:0.0142 she:0.0119 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6502 been:0.0936 be:0.0590 he:0.0401 was:0.0382 has:0.0300 it:0.0297 is:0.0235 had:0.0180 have:0.0177 -:0.4808 and:0.1434 of:0.1222 in:0.0776 at:0.0397 to:0.0394 that:0.0382 is:0.0218 for:0.0205 on:0.0164 -are:0.1349 have:0.1153 were:0.0803 :0.5933 do:0.0233 had:0.0195 did:0.0088 see:0.0087 know:0.0083 arc:0.0077 -:0.8901 more:0.0271 the:0.0234 made:0.0114 an:0.0113 found:0.0089 no:0.0081 sold:0.0071 a:0.0063 paid:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9248 and:0.0316 of:0.0193 the:0.0052 man:0.0039 men:0.0037 other:0.0033 in:0.0031 time:0.0026 people:0.0024 -:0.9036 and:0.0265 is:0.0135 was:0.0108 which:0.0083 has:0.0079 not:0.0078 that:0.0078 who:0.0072 he:0.0066 -:0.7296 and:0.0620 be:0.0521 was:0.0390 is:0.0278 have:0.0228 had:0.0202 are:0.0171 he:0.0158 has:0.0135 -:0.7736 virtue:0.0748 one:0.0533 deed:0.0330 reason:0.0139 some:0.0117 any:0.0111 means:0.0101 those:0.0095 all:0.0090 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -be:0.2337 have:0.1786 :0.3720 not:0.0817 do:0.0343 make:0.0268 bo:0.0214 find:0.0191 get:0.0176 see:0.0147 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -the:0.2315 :0.4156 a:0.1069 and:0.1030 of:0.0467 his:0.0311 in:0.0226 with:0.0223 for:0.0101 their:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2955 :0.3895 a:0.1292 his:0.0618 tho:0.0326 their:0.0290 this:0.0176 to:0.0155 and:0.0150 our:0.0143 -:0.7056 the:0.1925 of:0.0335 and:0.0256 a:0.0101 said:0.0070 tho:0.0069 his:0.0066 as:0.0064 in:0.0058 -:0.9153 chance:0.0124 desire:0.0119 little:0.0098 time:0.0097 visit:0.0092 right:0.0091 letter:0.0083 bill:0.0079 fair:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9112 hour:0.0254 act:0.0142 opportunity:0.0083 article:0.0078 early:0.0075 increase:0.0066 opinion:0.0063 agreement:0.0063 attack:0.0063 -the:0.3095 :0.5248 a:0.0368 which:0.0208 his:0.0204 tho:0.0202 him:0.0175 them:0.0172 this:0.0166 it:0.0161 -the:0.1231 :0.6779 a:0.0391 their:0.0383 his:0.0332 her:0.0241 them:0.0180 and:0.0165 its:0.0160 in:0.0139 -:0.8873 it:0.0300 is:0.0243 time:0.0174 was:0.0110 he:0.0083 are:0.0077 there:0.0049 and:0.0046 if:0.0046 -:0.6996 to:0.1482 and:0.0293 in:0.0293 of:0.0286 for:0.0194 with:0.0137 that:0.0124 on:0.0102 or:0.0093 -:0.6393 of:0.0725 in:0.0674 for:0.0426 that:0.0386 him:0.0328 on:0.0326 all:0.0277 them:0.0234 you:0.0230 -old:0.0034 annual:0.0023 various:0.0020 immediate:0.0015 own:0.0015 south:0.0014 years:0.0013 respective:0.0013 young:0.0012 greatest:0.0012 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -highest:0.0105 whole:0.0100 same:0.0092 present:0.0066 first:0.0056 past:0.0053 entire:0.0052 most:0.0051 :0.9387 main:0.0038 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.5923 of:0.0769 a:0.0674 to:0.0543 and:0.0396 the:0.0392 is:0.0383 was:0.0381 in:0.0317 for:0.0221 -:0.8935 and:0.0238 was:0.0174 in:0.0151 of:0.0144 is:0.0118 the:0.0077 be:0.0067 are:0.0056 it:0.0040 -:0.5997 the:0.1780 of:0.1290 in:0.0214 and:0.0197 a:0.0168 tho:0.0117 for:0.0087 this:0.0075 an:0.0073 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.6585 of:0.1167 in:0.0640 and:0.0384 to:0.0353 for:0.0235 on:0.0181 with:0.0180 by:0.0147 at:0.0129 -:0.9303 same:0.0137 great:0.0118 first:0.0080 most:0.0075 highest:0.0069 present:0.0059 in:0.0055 public:0.0052 new:0.0052 -:0.7434 the:0.1234 a:0.0717 and:0.0146 an:0.0137 this:0.0072 said:0.0069 his:0.0064 or:0.0064 of:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9577 own:0.0134 way:0.0063 the:0.0048 other:0.0041 right:0.0028 most:0.0028 city:0.0028 one:0.0027 best:0.0025 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8158 it:0.0374 out:0.0347 went:0.0290 came:0.0195 up:0.0178 down:0.0155 and:0.0110 brought:0.0098 him:0.0094 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7121 the:0.0856 we:0.0365 will:0.0337 it:0.0287 they:0.0258 a:0.0242 he:0.0204 may:0.0181 would:0.0149 -:0.8298 which:0.0334 a:0.0287 said:0.0242 the:0.0239 that:0.0227 this:0.0111 one:0.0090 him:0.0087 all:0.0086 -:0.7812 and:0.0839 was:0.0287 has:0.0240 is:0.0201 to:0.0167 of:0.0124 a:0.0113 will:0.0111 would:0.0106 -:0.7991 and:0.0414 which:0.0316 that:0.0288 to:0.0245 of:0.0242 for:0.0163 if:0.0140 but:0.0112 than:0.0089 -:0.8717 and:0.0276 them:0.0229 him:0.0223 away:0.0212 out:0.0099 or:0.0068 back:0.0061 off:0.0057 us:0.0057 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.6682 who:0.0716 and:0.0580 we:0.0515 which:0.0497 they:0.0467 of:0.0164 that:0.0143 there:0.0137 but:0.0098 -:0.5519 that:0.1937 to:0.0718 and:0.0568 but:0.0298 as:0.0225 with:0.0219 which:0.0186 for:0.0166 in:0.0164 -:0.6585 of:0.1167 in:0.0640 and:0.0384 to:0.0353 for:0.0235 on:0.0181 with:0.0180 by:0.0147 at:0.0129 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8993 the:0.0309 all:0.0155 to:0.0096 one:0.0087 his:0.0087 a:0.0082 her:0.0076 in:0.0058 any:0.0057 -a:0.0084 very:0.0026 the:0.0017 my:0.0014 his:0.0013 its:0.0011 an:0.0011 tho:0.0010 their:0.0010 every:0.0010 -:0.8556 and:0.0522 to:0.0338 will:0.0130 was:0.0102 are:0.0091 is:0.0082 in:0.0066 of:0.0059 as:0.0055 -:0.8563 and:0.0380 of:0.0210 in:0.0177 is:0.0140 to:0.0133 have:0.0113 that:0.0109 the:0.0095 was:0.0082 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -of:0.4437 :0.2590 in:0.0752 by:0.0407 to:0.0404 on:0.0378 with:0.0305 from:0.0282 for:0.0267 and:0.0179 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7746 the:0.0501 to:0.0434 in:0.0308 a:0.0267 of:0.0234 his:0.0169 for:0.0139 by:0.0111 this:0.0090 -:0.6294 is:0.0852 will:0.0733 would:0.0616 was:0.0412 may:0.0329 to:0.0283 should:0.0163 and:0.0160 could:0.0157 -:0.5067 to:0.1008 of:0.0955 for:0.0822 in:0.0669 by:0.0332 from:0.0323 with:0.0277 on:0.0274 and:0.0274 -:0.9710 it:0.0054 men:0.0051 hundred:0.0038 and:0.0038 in:0.0032 up:0.0020 here:0.0019 to:0.0019 or:0.0019 -:0.5610 of:0.1794 the:0.0759 in:0.0597 he:0.0237 and:0.0235 is:0.0223 by:0.0184 to:0.0182 on:0.0179 -:0.9341 to:0.0099 up:0.0082 down:0.0079 him:0.0075 long:0.0074 home:0.0068 out:0.0065 years:0.0061 away:0.0056 -:0.8338 the:0.0585 a:0.0415 and:0.0149 of:0.0111 that:0.0106 to:0.0097 in:0.0073 he:0.0064 as:0.0063 -:0.6658 the:0.1231 a:0.0988 and:0.0295 of:0.0213 an:0.0161 in:0.0136 or:0.0127 their:0.0099 was:0.0091 -to:0.2974 :0.4800 and:0.0575 will:0.0459 we:0.0334 not:0.0195 can:0.0193 could:0.0192 would:0.0162 should:0.0116 -:0.8567 day:0.0595 and:0.0248 of:0.0207 the:0.0123 or:0.0067 a:0.0051 for:0.0051 to:0.0048 street:0.0042 -:0.8213 made:0.0486 held:0.0235 done:0.0225 paid:0.0165 given:0.0161 found:0.0160 followed:0.0129 secured:0.0119 used:0.0108 -the:0.3492 :0.5402 a:0.0297 tho:0.0147 this:0.0144 his:0.0125 tbe:0.0111 their:0.0099 her:0.0096 an:0.0087 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -of:0.1683 :0.5154 in:0.0723 on:0.0685 from:0.0396 and:0.0372 for:0.0347 to:0.0281 that:0.0191 with:0.0169 -:0.7856 and:0.0779 is:0.0242 are:0.0233 was:0.0229 it:0.0149 as:0.0140 to:0.0132 which:0.0127 will:0.0113 -a:0.2253 no:0.0939 the:0.0797 very:0.0379 an:0.0196 their:0.0120 his:0.0119 tho:0.0094 my:0.0092 :0.5012 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6527 for:0.0657 to:0.0585 with:0.0553 in:0.0397 that:0.0300 such:0.0293 on:0.0232 is:0.0228 and:0.0227 -:0.7495 and:0.0590 be:0.0448 was:0.0355 is:0.0339 have:0.0203 he:0.0171 been:0.0144 are:0.0135 the:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6825 the:0.1790 a:0.0258 their:0.0208 he:0.0203 his:0.0192 an:0.0190 tho:0.0174 tbe:0.0081 its:0.0080 -:0.8276 and:0.0405 is:0.0304 of:0.0265 as:0.0181 in:0.0143 for:0.0119 that:0.0110 have:0.0104 was:0.0094 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -of:0.2155 :0.4385 and:0.0903 the:0.0636 to:0.0575 in:0.0447 for:0.0295 a:0.0264 that:0.0213 with:0.0126 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8560 man:0.0447 men:0.0325 and:0.0241 of:0.0134 people:0.0075 lady:0.0067 that:0.0064 woman:0.0045 wife:0.0044 -:0.8600 him:0.0245 all:0.0244 it:0.0244 them:0.0185 a:0.0179 the:0.0124 which:0.0067 us:0.0057 interest:0.0056 -:0.8055 and:0.0679 to:0.0325 the:0.0234 a:0.0202 that:0.0118 or:0.0109 of:0.0107 was:0.0091 is:0.0080 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9353 line:0.0128 day:0.0116 and:0.0096 one:0.0083 part:0.0063 out:0.0057 number:0.0044 men:0.0030 quarter:0.0030 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8085 and:0.0655 is:0.0321 but:0.0255 him:0.0129 it:0.0119 in:0.0118 for:0.0111 was:0.0106 just:0.0102 -:0.8452 he:0.0350 and:0.0315 who:0.0266 it:0.0154 we:0.0122 they:0.0099 be:0.0091 that:0.0079 which:0.0073 -:0.7937 the:0.0774 a:0.0422 to:0.0344 and:0.0182 his:0.0089 in:0.0074 will:0.0062 of:0.0059 one:0.0058 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.8787 one:0.0313 law:0.0280 two:0.0193 the:0.0124 him:0.0078 three:0.0075 deed:0.0067 virtue:0.0042 reason:0.0041 -of:0.7075 :0.1562 in:0.0455 and:0.0190 on:0.0178 to:0.0152 ot:0.0117 with:0.0111 from:0.0099 for:0.0060 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.5683 the:0.2093 a:0.0548 of:0.0416 to:0.0355 this:0.0338 and:0.0240 in:0.0139 tho:0.0097 said:0.0091 -:0.7785 and:0.0665 of:0.0519 in:0.0235 to:0.0167 the:0.0140 from:0.0126 was:0.0125 is:0.0121 or:0.0116 -:0.8050 and:0.0499 the:0.0396 as:0.0241 that:0.0226 is:0.0163 of:0.0124 are:0.0108 it:0.0102 a:0.0090 -:0.8862 of:0.0361 and:0.0319 the:0.0154 a:0.0079 with:0.0063 or:0.0049 in:0.0044 to:0.0038 is:0.0030 -:0.7650 of:0.0631 in:0.0592 for:0.0260 that:0.0259 by:0.0147 to:0.0145 with:0.0121 if:0.0098 on:0.0097 -:0.9079 two:0.0170 more:0.0128 who:0.0114 and:0.0114 day:0.0092 of:0.0088 one:0.0084 three:0.0072 or:0.0058 -be:0.1786 :0.4835 the:0.1368 a:0.1355 have:0.0195 bo:0.0114 do:0.0091 this:0.0090 him:0.0085 get:0.0079 -:0.7957 in:0.0375 and:0.0359 with:0.0285 to:0.0208 that:0.0183 of:0.0178 at:0.0174 on:0.0147 all:0.0135 -have:0.3093 has:0.2969 had:0.2923 :0.0553 lias:0.0124 havo:0.0080 bave:0.0071 bad:0.0070 having:0.0063 haa:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7477 and:0.0824 of:0.0643 is:0.0194 to:0.0170 the:0.0169 or:0.0152 in:0.0128 that:0.0125 was:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9158 same:0.0169 said:0.0146 highest:0.0114 whole:0.0090 best:0.0073 first:0.0067 most:0.0065 present:0.0061 great:0.0056 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9150 of:0.0200 and:0.0165 in:0.0109 to:0.0102 it:0.0102 thereof:0.0049 that:0.0045 but:0.0040 was:0.0037 -:0.9159 time:0.0235 is:0.0108 city:0.0096 to:0.0095 country:0.0077 will:0.0067 and:0.0062 way:0.0052 act:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9372 same:0.0111 other:0.0104 whole:0.0072 great:0.0066 young:0.0059 public:0.0055 most:0.0054 highest:0.0054 city:0.0053 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9468 same:0.0137 law:0.0060 city:0.0059 matter:0.0050 country:0.0050 world:0.0049 time:0.0045 county:0.0042 interest:0.0040 -:0.4842 to:0.2099 of:0.1327 and:0.0729 in:0.0333 the:0.0325 or:0.0104 will:0.0085 his:0.0079 an:0.0078 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8579 a:0.0246 only:0.0227 to:0.0215 in:0.0166 be:0.0150 the:0.0127 been:0.0117 take:0.0098 make:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.0799 :0.8123 a:0.0382 that:0.0142 his:0.0128 tho:0.0120 in:0.0117 its:0.0069 he:0.0060 this:0.0060 -:0.5320 of:0.1358 for:0.0684 to:0.0637 in:0.0628 and:0.0356 by:0.0291 from:0.0288 on:0.0236 with:0.0203 -:0.9428 world:0.0092 bill:0.0076 law:0.0073 government:0.0065 city:0.0064 result:0.0055 case:0.0054 country:0.0053 land:0.0042 -:0.7174 the:0.1482 of:0.0401 to:0.0207 said:0.0164 a:0.0151 and:0.0141 that:0.0119 in:0.0101 tho:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2429 :0.4511 a:0.1301 his:0.0572 its:0.0272 their:0.0244 our:0.0234 this:0.0159 tho:0.0156 these:0.0122 -:0.8003 and:0.0441 he:0.0253 which:0.0221 is:0.0198 of:0.0190 that:0.0186 was:0.0175 or:0.0167 has:0.0164 -:0.8584 and:0.0461 of:0.0183 that:0.0175 in:0.0137 it:0.0105 as:0.0090 was:0.0090 is:0.0089 he:0.0087 -:0.9403 and:0.0127 it:0.0123 more:0.0066 he:0.0064 two:0.0057 one:0.0047 day:0.0039 him:0.0037 which:0.0037 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -a:0.4143 :0.4121 the:0.0561 very:0.0357 no:0.0252 not:0.0205 so:0.0111 too:0.0098 now:0.0085 to:0.0067 -:0.6831 of:0.1383 and:0.0450 in:0.0280 who:0.0234 are:0.0210 to:0.0190 have:0.0151 the:0.0151 were:0.0120 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -the:0.5221 :0.3516 his:0.0238 a:0.0221 tho:0.0158 this:0.0144 their:0.0142 our:0.0141 its:0.0126 said:0.0093 -:0.7791 to:0.0458 of:0.0423 and:0.0418 for:0.0329 in:0.0189 at:0.0101 on:0.0101 it:0.0098 by:0.0092 -the:0.2609 :0.5477 his:0.0543 and:0.0339 this:0.0248 a:0.0195 her:0.0175 their:0.0150 in:0.0148 it:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8918 the:0.0511 a:0.0120 said:0.0096 an:0.0073 that:0.0069 all:0.0058 her:0.0056 his:0.0051 them:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3810 :0.3445 for:0.0696 and:0.0450 on:0.0371 in:0.0288 to:0.0287 at:0.0235 than:0.0233 with:0.0186 -:0.9295 the:0.0167 that:0.0102 all:0.0094 a:0.0080 in:0.0064 it:0.0056 he:0.0052 one:0.0046 then:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.0403 or:0.0121 :0.8960 and:0.0106 the:0.0092 a:0.0085 for:0.0065 at:0.0063 an:0.0058 ol:0.0047 -:0.8076 as:0.0534 and:0.0456 ago:0.0231 been:0.0150 time:0.0135 to:0.0129 in:0.0119 of:0.0097 at:0.0072 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5975 the:0.1880 a:0.1074 and:0.0330 this:0.0160 of:0.0153 tho:0.0120 to:0.0117 his:0.0102 that:0.0089 -:0.6107 so:0.1094 a:0.0933 as:0.0639 by:0.0297 the:0.0276 and:0.0244 in:0.0158 with:0.0147 his:0.0106 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.8832 him:0.0334 law:0.0181 them:0.0142 reason:0.0132 putting:0.0089 us:0.0085 virtue:0.0073 deed:0.0067 interest:0.0065 -own:0.0098 respective:0.0039 way:0.0037 :0.9662 children:0.0032 hands:0.0031 duty:0.0030 efforts:0.0027 friends:0.0025 eyes:0.0021 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7408 was:0.0707 be:0.0513 and:0.0393 is:0.0323 are:0.0150 have:0.0147 were:0.0138 has:0.0118 he:0.0103 -:0.8688 and:0.0312 went:0.0299 came:0.0158 laid:0.0129 it:0.0115 was:0.0097 put:0.0081 are:0.0061 is:0.0060 -:0.6825 the:0.1730 and:0.0478 of:0.0275 a:0.0187 or:0.0135 his:0.0107 in:0.0091 this:0.0090 tho:0.0081 -:0.8141 and:0.0467 is:0.0346 was:0.0267 who:0.0177 has:0.0132 be:0.0126 he:0.0118 are:0.0116 have:0.0110 -:0.9068 most:0.0180 said:0.0145 same:0.0123 first:0.0105 great:0.0091 highest:0.0085 best:0.0083 other:0.0061 whole:0.0061 -:0.7124 be:0.2138 bo:0.0190 the:0.0134 not:0.0087 have:0.0086 he:0.0077 in:0.0062 give:0.0055 and:0.0048 -:0.5547 a:0.1476 the:0.1468 this:0.0768 his:0.0229 tho:0.0113 that:0.0110 every:0.0106 one:0.0097 their:0.0086 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5372 the:0.1307 and:0.1162 of:0.0571 any:0.0455 or:0.0372 no:0.0264 in:0.0246 all:0.0131 for:0.0119 -the:0.2563 :0.5797 a:0.0319 two:0.0275 his:0.0275 any:0.0230 tho:0.0161 ten:0.0149 five:0.0125 its:0.0106 -:0.6287 a:0.1096 the:0.1089 to:0.0585 it:0.0194 that:0.0184 in:0.0177 and:0.0149 his:0.0123 an:0.0115 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -to:0.5120 the:0.1722 :0.2136 of:0.0232 in:0.0217 a:0.0167 his:0.0121 for:0.0109 and:0.0089 their:0.0087 -the:0.3394 :0.4884 a:0.0654 tho:0.0236 his:0.0207 this:0.0148 their:0.0134 these:0.0122 our:0.0118 said:0.0103 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.6979 the:0.1739 and:0.0337 a:0.0307 of:0.0168 his:0.0154 this:0.0110 said:0.0079 tho:0.0072 their:0.0053 -:0.4500 it:0.1726 which:0.1670 you:0.0871 them:0.0323 him:0.0234 we:0.0187 they:0.0180 that:0.0157 what:0.0151 -:0.9235 the:0.0211 and:0.0190 a:0.0088 of:0.0085 that:0.0047 in:0.0040 be:0.0036 to:0.0035 this:0.0034 -:0.8439 and:0.0449 of:0.0302 to:0.0270 in:0.0130 for:0.0118 with:0.0083 the:0.0081 or:0.0071 by:0.0057 -may:0.0114 will:0.0093 would:0.0084 might:0.0079 should:0.0076 cannot:0.0073 shall:0.0069 to:0.0066 could:0.0053 was:0.0050 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9027 years:0.0201 and:0.0178 of:0.0161 the:0.0127 days:0.0079 or:0.0073 a:0.0053 in:0.0050 that:0.0050 -of:0.2331 :0.4048 in:0.1295 to:0.0604 and:0.0430 on:0.0358 for:0.0319 with:0.0236 from:0.0203 at:0.0177 -:0.7080 of:0.0441 for:0.0430 from:0.0409 by:0.0347 in:0.0311 and:0.0281 any:0.0247 at:0.0242 the:0.0211 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.9247 to:0.0186 up:0.0116 in:0.0085 and:0.0077 out:0.0065 title:0.0064 of:0.0057 hand:0.0053 thereof:0.0051 -of:0.2157 :0.4863 in:0.0863 on:0.0548 that:0.0314 from:0.0284 by:0.0271 to:0.0265 with:0.0260 and:0.0175 -:0.7406 a:0.0943 the:0.0395 it:0.0310 this:0.0277 and:0.0163 him:0.0146 them:0.0129 her:0.0120 up:0.0111 -:0.8624 and:0.0411 of:0.0341 day:0.0157 to:0.0140 time:0.0134 year:0.0061 or:0.0055 the:0.0039 line:0.0038 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.7351 and:0.0772 are:0.0286 was:0.0270 were:0.0269 is:0.0268 have:0.0222 be:0.0220 he:0.0199 has:0.0142 -:0.9549 best:0.0068 north:0.0058 city:0.0053 whole:0.0052 south:0.0050 first:0.0047 people:0.0044 right:0.0040 th:0.0039 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.7750 was:0.0497 would:0.0465 had:0.0452 has:0.0224 will:0.0164 could:0.0143 is:0.0142 can:0.0084 said:0.0079 -:0.9224 and:0.0262 to:0.0144 that:0.0078 as:0.0071 place:0.0051 but:0.0044 out:0.0042 it:0.0042 up:0.0041 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9218 people:0.0196 country:0.0108 work:0.0084 way:0.0083 money:0.0069 duty:0.0068 city:0.0064 time:0.0057 friends:0.0054 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -the:0.2174 :0.5691 a:0.0525 her:0.0275 no:0.0251 this:0.0239 in:0.0237 what:0.0219 it:0.0195 him:0.0192 -:0.6360 of:0.1994 and:0.0575 in:0.0262 was:0.0163 for:0.0150 to:0.0129 which:0.0125 is:0.0123 or:0.0117 -to:0.3583 :0.4987 that:0.0381 a:0.0285 and:0.0259 it:0.0136 the:0.0116 for:0.0087 in:0.0084 they:0.0084 -:0.7950 of:0.0477 and:0.0437 in:0.0289 to:0.0204 with:0.0180 for:0.0164 by:0.0128 that:0.0093 the:0.0078 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6665 the:0.1489 a:0.1157 his:0.0147 it:0.0111 this:0.0110 and:0.0100 an:0.0084 that:0.0071 one:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8846 one:0.0242 day:0.0206 time:0.0177 year:0.0150 other:0.0090 man:0.0084 county:0.0082 person:0.0070 and:0.0053 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.8288 the:0.0389 that:0.0216 in:0.0211 no:0.0176 all:0.0172 any:0.0159 if:0.0139 every:0.0128 by:0.0121 -:0.7601 man:0.1490 woman:0.0244 gentleman:0.0202 person:0.0099 men:0.0084 few:0.0075 people:0.0074 lady:0.0065 good:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8047 up:0.0424 down:0.0392 together:0.0313 out:0.0203 and:0.0199 off:0.0135 away:0.0101 it:0.0097 in:0.0090 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.3834 :0.4188 and:0.1202 that:0.0190 is:0.0145 will:0.0118 of:0.0106 for:0.0074 in:0.0072 which:0.0071 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5664 a:0.1407 the:0.1098 of:0.0467 and:0.0319 in:0.0267 to:0.0230 or:0.0213 an:0.0194 is:0.0142 -:0.8042 the:0.0877 a:0.0249 and:0.0209 this:0.0164 to:0.0105 that:0.0103 one:0.0099 of:0.0080 in:0.0072 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.7797 and:0.0513 of:0.0389 the:0.0372 to:0.0355 for:0.0201 or:0.0110 his:0.0103 by:0.0081 a:0.0079 -:0.8838 and:0.0573 to:0.0132 is:0.0086 of:0.0073 or:0.0069 time:0.0067 years:0.0064 are:0.0051 men:0.0047 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.9264 and:0.0277 for:0.0090 or:0.0074 was:0.0062 that:0.0054 auction:0.0049 but:0.0045 is:0.0043 down:0.0043 -of:0.5672 :0.3452 and:0.0332 in:0.0134 or:0.0119 with:0.0068 on:0.0060 ot:0.0058 the:0.0056 to:0.0050 -:0.7858 of:0.0620 and:0.0478 the:0.0277 in:0.0180 to:0.0173 for:0.0152 it:0.0092 by:0.0086 on:0.0084 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.7412 the:0.0980 and:0.0427 a:0.0258 in:0.0227 to:0.0187 that:0.0161 by:0.0137 it:0.0112 at:0.0098 -the:0.0284 a:0.0233 his:0.0132 their:0.0116 favor:0.0089 its:0.0089 tho:0.0078 regard:0.0078 order:0.0066 such:0.0066 -the:0.2262 :0.4353 any:0.0732 a:0.0713 this:0.0461 his:0.0451 no:0.0439 their:0.0237 he:0.0205 its:0.0147 -:0.7449 and:0.0753 of:0.0568 to:0.0358 in:0.0310 for:0.0201 the:0.0098 as:0.0091 on:0.0089 is:0.0084 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -of:0.4808 :0.3727 in:0.0448 to:0.0332 and:0.0161 ot:0.0116 that:0.0114 for:0.0111 on:0.0111 at:0.0070 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.5783 the:0.2946 and:0.0307 of:0.0179 this:0.0170 his:0.0163 a:0.0155 our:0.0113 tho:0.0104 its:0.0080 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8028 in:0.0432 with:0.0207 for:0.0204 as:0.0202 by:0.0201 such:0.0189 not:0.0186 at:0.0186 of:0.0164 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8778 of:0.0385 and:0.0307 in:0.0135 to:0.0106 for:0.0080 the:0.0076 as:0.0053 a:0.0044 by:0.0038 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5536 that:0.1500 and:0.0584 as:0.0546 which:0.0474 if:0.0409 what:0.0323 when:0.0276 but:0.0198 where:0.0154 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4227 :0.4122 a:0.0475 this:0.0286 said:0.0236 tho:0.0183 his:0.0166 our:0.0121 these:0.0107 tbe:0.0077 -the:0.3618 :0.4454 a:0.0723 and:0.0300 his:0.0274 this:0.0152 tho:0.0149 of:0.0132 was:0.0113 their:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7225 years:0.0814 days:0.0678 miles:0.0280 months:0.0268 side:0.0248 hours:0.0138 hundred:0.0132 feet:0.0120 day:0.0096 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6749 the:0.1646 and:0.0550 a:0.0349 this:0.0175 of:0.0155 that:0.0109 any:0.0093 to:0.0089 as:0.0085 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -a:0.0060 the:0.0038 :0.9759 an:0.0026 in:0.0024 his:0.0023 with:0.0019 its:0.0017 their:0.0016 into:0.0016 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.6233 the:0.1801 of:0.0558 in:0.0416 a:0.0378 his:0.0172 and:0.0127 for:0.0114 tho:0.0101 by:0.0100 -:0.7942 it:0.0427 them:0.0390 him:0.0311 as:0.0235 up:0.0207 out:0.0141 you:0.0138 us:0.0115 enough:0.0092 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.5077 of:0.1107 a:0.1064 is:0.0485 for:0.0467 the:0.0421 was:0.0408 and:0.0337 as:0.0331 in:0.0304 -:0.8544 able:0.0252 not:0.0247 likely:0.0233 going:0.0146 ready:0.0131 expected:0.0116 impossible:0.0115 supposed:0.0109 unable:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4775 of:0.2180 to:0.0713 in:0.0540 or:0.0375 than:0.0368 and:0.0313 for:0.0286 from:0.0250 at:0.0200 -:0.8851 the:0.0580 this:0.0127 said:0.0097 which:0.0073 that:0.0068 a:0.0064 it:0.0053 all:0.0044 his:0.0043 -:0.7143 the:0.1135 in:0.0421 a:0.0308 of:0.0285 that:0.0175 at:0.0145 by:0.0136 for:0.0128 to:0.0126 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7831 the:0.1034 a:0.0211 and:0.0209 an:0.0179 of:0.0156 his:0.0125 their:0.0093 in:0.0089 tho:0.0073 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.6961 large:0.1484 great:0.0289 little:0.0284 very:0.0241 small:0.0173 new:0.0164 good:0.0163 certain:0.0124 few:0.0116 -:0.9400 one:0.0141 part:0.0086 day:0.0075 line:0.0071 side:0.0053 days:0.0047 number:0.0044 out:0.0043 years:0.0041 -:0.7208 the:0.1554 of:0.0402 and:0.0231 in:0.0150 tho:0.0105 his:0.0097 this:0.0092 for:0.0084 our:0.0077 -:0.5312 the:0.3098 a:0.0847 his:0.0159 tho:0.0156 an:0.0095 this:0.0091 their:0.0090 tbe:0.0077 it:0.0076 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8686 the:0.0487 and:0.0213 of:0.0190 in:0.0101 a:0.0093 to:0.0071 or:0.0059 that:0.0054 it:0.0047 -:0.7371 the:0.1200 of:0.0450 a:0.0329 and:0.0297 in:0.0086 that:0.0085 tho:0.0070 his:0.0059 this:0.0053 -the:0.6372 :0.2561 tho:0.0339 our:0.0136 a:0.0133 this:0.0128 their:0.0101 said:0.0087 his:0.0083 its:0.0061 -:0.7984 the:0.0583 and:0.0359 a:0.0261 to:0.0186 of:0.0184 this:0.0166 that:0.0113 in:0.0098 will:0.0066 -:0.6645 the:0.1453 of:0.0621 and:0.0411 to:0.0269 in:0.0226 a:0.0097 for:0.0095 by:0.0095 on:0.0088 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.5027 of:0.1419 was:0.1203 and:0.0983 is:0.0479 in:0.0291 he:0.0232 has:0.0130 had:0.0128 who:0.0107 -to:0.3878 :0.4697 and:0.0334 the:0.0289 a:0.0218 an:0.0140 it:0.0128 we:0.0126 his:0.0101 in:0.0089 -the:0.3916 :0.4095 at:0.0946 any:0.0202 his:0.0196 a:0.0188 this:0.0142 their:0.0122 tho:0.0110 our:0.0084 -:0.6355 the:0.1193 he:0.0438 not:0.0435 any:0.0357 a:0.0275 we:0.0243 this:0.0237 his:0.0237 no:0.0231 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -of:0.3167 :0.4794 and:0.0666 to:0.0307 that:0.0283 the:0.0226 in:0.0147 for:0.0138 as:0.0138 it:0.0134 -:0.6262 a:0.1159 is:0.0615 was:0.0524 the:0.0505 and:0.0366 are:0.0211 of:0.0129 be:0.0128 were:0.0102 -:0.9022 and:0.0329 is:0.0150 as:0.0099 are:0.0086 it:0.0082 feet:0.0076 came:0.0054 or:0.0052 was:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -the:0.2233 a:0.0913 this:0.0475 his:0.0445 :0.5171 its:0.0214 tho:0.0209 any:0.0123 their:0.0121 my:0.0096 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.6982 it:0.0819 and:0.0536 that:0.0371 there:0.0365 which:0.0332 who:0.0282 he:0.0116 as:0.0105 but:0.0093 -:0.8802 time:0.0317 and:0.0275 day:0.0131 year:0.0128 man:0.0098 way:0.0069 night:0.0065 is:0.0059 but:0.0056 -:0.5815 to:0.1216 we:0.1000 they:0.0565 and:0.0382 who:0.0250 which:0.0247 would:0.0182 you:0.0180 not:0.0163 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7657 the:0.0743 and:0.0484 to:0.0415 a:0.0379 his:0.0078 their:0.0062 an:0.0062 or:0.0060 in:0.0060 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -the:0.3006 :0.5061 a:0.0600 these:0.0329 all:0.0256 his:0.0223 their:0.0154 its:0.0127 tho:0.0124 such:0.0120 -:0.7937 the:0.0809 said:0.0561 a:0.0218 and:0.0159 of:0.0114 this:0.0065 or:0.0054 to:0.0048 one:0.0034 -:0.8724 the:0.0404 it:0.0162 that:0.0136 and:0.0124 which:0.0114 his:0.0103 he:0.0087 them:0.0078 to:0.0069 -:0.9391 it:0.0134 and:0.0109 made:0.0070 used:0.0057 ready:0.0052 come:0.0052 paid:0.0047 sent:0.0046 but:0.0043 -:0.7405 not:0.0657 the:0.0555 is:0.0359 and:0.0351 was:0.0252 of:0.0135 that:0.0101 had:0.0098 has:0.0086 -:0.7099 and:0.0863 of:0.0661 in:0.0348 that:0.0275 to:0.0220 for:0.0180 or:0.0139 the:0.0113 at:0.0103 -:0.8700 one:0.0613 out:0.0112 composed:0.0110 all:0.0082 disposed:0.0081 plenty:0.0081 some:0.0080 made:0.0071 not:0.0070 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7283 take:0.0985 be:0.0723 get:0.0250 sell:0.0161 not:0.0134 keep:0.0125 make:0.0119 find:0.0110 bo:0.0109 -:0.5007 and:0.1667 of:0.1087 in:0.0507 to:0.0466 with:0.0319 for:0.0258 at:0.0242 is:0.0228 on:0.0219 -been:0.6046 :0.3091 not:0.0253 a:0.0142 no:0.0109 never:0.0080 become:0.0075 ever:0.0070 be:0.0070 the:0.0064 -:0.9494 less:0.0130 more:0.0119 two:0.0057 otherwise:0.0043 it:0.0039 and:0.0033 other:0.0029 three:0.0028 interest:0.0028 -:0.6858 order:0.1073 regard:0.1041 addition:0.0368 relation:0.0182 reference:0.0155 said:0.0103 time:0.0083 them:0.0074 which:0.0065 -:0.7736 virtue:0.0748 one:0.0533 deed:0.0330 reason:0.0139 some:0.0117 any:0.0111 means:0.0101 those:0.0095 all:0.0090 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.6723 to:0.0859 and:0.0791 of:0.0720 the:0.0238 was:0.0159 is:0.0143 for:0.0133 a:0.0120 with:0.0113 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -he:0.2892 :0.4508 it:0.1284 she:0.0474 there:0.0277 ho:0.0159 they:0.0136 which:0.0112 time:0.0091 we:0.0068 -:0.9322 man:0.0130 do:0.0118 need:0.0094 did:0.0060 will:0.0056 have:0.0056 does:0.0056 gentleman:0.0054 very:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -:0.7894 few:0.0847 little:0.0294 good:0.0221 great:0.0204 large:0.0149 small:0.0122 certain:0.0099 dozen:0.0092 thousand:0.0077 -:0.5549 to:0.1695 and:0.0918 of:0.0827 in:0.0312 will:0.0191 the:0.0177 a:0.0156 for:0.0093 as:0.0082 -:0.7087 the:0.1710 to:0.0293 and:0.0258 a:0.0229 of:0.0128 this:0.0117 will:0.0061 an:0.0060 in:0.0058 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9094 and:0.0327 was:0.0103 is:0.0096 the:0.0082 be:0.0081 of:0.0058 to:0.0056 as:0.0054 have:0.0049 -:0.7982 a:0.0873 the:0.0554 and:0.0173 in:0.0094 more:0.0073 as:0.0073 to:0.0070 that:0.0063 no:0.0044 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.7253 the:0.0707 have:0.0618 are:0.0488 said:0.0319 will:0.0151 were:0.0129 his:0.0125 can:0.0120 should:0.0090 -:0.6549 the:0.1495 a:0.0391 of:0.0350 to:0.0339 his:0.0305 and:0.0290 in:0.0103 their:0.0095 our:0.0082 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.7548 and:0.0917 was:0.0433 be:0.0266 is:0.0254 he:0.0143 to:0.0130 were:0.0110 are:0.0109 has:0.0090 -:0.6892 the:0.0770 of:0.0726 and:0.0618 in:0.0308 with:0.0236 or:0.0129 to:0.0120 by:0.0117 his:0.0085 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7417 have:0.0851 are:0.0601 see:0.0203 find:0.0194 in:0.0184 to:0.0166 know:0.0137 had:0.0129 were:0.0118 -:0.5853 to:0.1486 and:0.1136 that:0.0476 for:0.0342 in:0.0167 it:0.0146 they:0.0138 which:0.0135 we:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8044 and:0.0565 the:0.0294 of:0.0223 to:0.0204 that:0.0179 a:0.0150 as:0.0133 in:0.0121 by:0.0087 -:0.7602 and:0.0570 to:0.0522 of:0.0309 in:0.0226 the:0.0199 that:0.0175 or:0.0153 for:0.0126 by:0.0117 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.7023 the:0.1035 a:0.0546 and:0.0427 as:0.0269 of:0.0195 is:0.0166 was:0.0164 in:0.0104 that:0.0073 -:0.7906 and:0.0502 is:0.0481 was:0.0290 are:0.0178 as:0.0150 to:0.0144 that:0.0125 be:0.0115 were:0.0109 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.8727 fact:0.0670 said:0.0165 belief:0.0095 world:0.0061 effect:0.0058 matter:0.0058 ground:0.0058 law:0.0055 opinion:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.4770 to:0.1572 in:0.0890 for:0.0472 on:0.0458 by:0.0422 of:0.0386 that:0.0357 and:0.0339 from:0.0336 -:0.9534 city:0.0101 time:0.0063 people:0.0054 year:0.0052 world:0.0045 country:0.0038 law:0.0038 right:0.0038 house:0.0037 -:0.7846 the:0.0456 a:0.0443 and:0.0318 to:0.0287 will:0.0166 that:0.0142 of:0.0118 would:0.0114 this:0.0111 -:0.6493 of:0.0945 in:0.0566 with:0.0491 as:0.0363 by:0.0274 on:0.0260 for:0.0216 is:0.0208 was:0.0185 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7810 the:0.0976 an:0.0250 and:0.0218 a:0.0215 of:0.0176 their:0.0100 his:0.0094 in:0.0085 tho:0.0074 -:0.7890 we:0.0315 not:0.0306 would:0.0282 who:0.0265 they:0.0242 and:0.0202 will:0.0177 to:0.0175 he:0.0147 -:0.6553 the:0.1926 his:0.0326 its:0.0276 of:0.0206 that:0.0191 their:0.0169 and:0.0141 this:0.0108 these:0.0106 -:0.6903 the:0.1129 to:0.0665 of:0.0338 and:0.0316 a:0.0178 at:0.0129 in:0.0122 his:0.0113 this:0.0107 -:0.7215 the:0.0977 of:0.0665 and:0.0227 a:0.0222 to:0.0169 for:0.0162 his:0.0141 in:0.0116 on:0.0106 -to:0.2256 the:0.1322 :0.5293 of:0.0209 will:0.0200 would:0.0180 tho:0.0165 and:0.0147 must:0.0116 should:0.0112 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -the:0.4319 :0.4765 tho:0.0212 be:0.0155 a:0.0124 tbe:0.0104 this:0.0103 his:0.0096 make:0.0061 our:0.0061 -:0.8277 and:0.0682 is:0.0225 was:0.0176 are:0.0136 in:0.0117 that:0.0109 at:0.0101 or:0.0090 for:0.0086 -:0.6466 the:0.0929 a:0.0768 and:0.0574 to:0.0428 of:0.0257 his:0.0219 in:0.0149 will:0.0117 this:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6927 the:0.1322 a:0.0471 his:0.0299 of:0.0203 this:0.0170 and:0.0167 he:0.0159 their:0.0146 in:0.0136 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7401 and:0.0925 is:0.0458 was:0.0444 are:0.0189 were:0.0136 has:0.0124 be:0.0119 had:0.0110 or:0.0095 -:0.9071 few:0.0262 year:0.0161 man:0.0109 day:0.0079 little:0.0077 week:0.0067 more:0.0063 piece:0.0056 good:0.0056 -:0.7217 and:0.1042 of:0.0720 to:0.0196 was:0.0174 in:0.0167 the:0.0159 is:0.0125 that:0.0101 or:0.0099 -:0.6351 the:0.2441 a:0.0347 his:0.0210 their:0.0140 to:0.0121 these:0.0113 tho:0.0098 an:0.0094 our:0.0088 -will:0.2311 would:0.1285 :0.3164 may:0.0668 could:0.0609 can:0.0549 should:0.0464 must:0.0367 have:0.0322 cannot:0.0261 -the:0.3066 :0.5513 a:0.0302 this:0.0252 no:0.0194 his:0.0189 their:0.0144 tho:0.0136 our:0.0122 is:0.0081 -months:0.0008 ndegrees:0.0008 miles:0.0008 cents:0.0007 oclock:0.0007 years:0.0006 build:0.0006 account:0.0006 dispose:0.0006 bottles:0.0006 -:0.8962 and:0.0595 that:0.0065 but:0.0061 are:0.0057 man:0.0056 or:0.0055 up:0.0052 was:0.0049 is:0.0047 -:0.9341 to:0.0099 up:0.0082 down:0.0079 him:0.0075 long:0.0074 home:0.0068 out:0.0065 years:0.0061 away:0.0056 -:0.8041 and:0.0622 of:0.0504 in:0.0216 the:0.0151 to:0.0130 or:0.0097 as:0.0090 is:0.0076 was:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9516 man:0.0072 year:0.0066 hundred:0.0065 long:0.0061 large:0.0056 good:0.0046 time:0.0041 matter:0.0039 little:0.0038 -:0.9107 that:0.0213 to:0.0143 in:0.0094 he:0.0088 the:0.0087 all:0.0086 it:0.0078 for:0.0055 at:0.0048 -be:0.5778 have:0.0862 not:0.0561 bo:0.0526 :0.1800 he:0.0215 take:0.0085 make:0.0074 give:0.0051 do:0.0049 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7261 the:0.1025 of:0.0900 and:0.0208 in:0.0206 for:0.0124 by:0.0081 a:0.0069 with:0.0065 his:0.0062 -are:0.2225 have:0.1644 :0.4014 were:0.1231 had:0.0458 be:0.0186 has:0.0075 get:0.0058 was:0.0056 not:0.0055 -:0.6883 at:0.0823 of:0.0643 the:0.0620 to:0.0252 in:0.0236 for:0.0178 on:0.0156 and:0.0120 a:0.0089 -:0.8895 a:0.0373 the:0.0143 an:0.0119 to:0.0115 made:0.0085 always:0.0077 no:0.0068 laid:0.0067 not:0.0059 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7663 the:0.0442 and:0.0328 of:0.0322 to:0.0297 that:0.0278 by:0.0235 in:0.0197 for:0.0125 as:0.0112 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6826 the:0.1180 a:0.0972 and:0.0293 was:0.0188 this:0.0150 is:0.0131 of:0.0110 as:0.0076 be:0.0074 -:0.9270 and:0.0184 of:0.0125 the:0.0101 more:0.0100 to:0.0061 in:0.0047 as:0.0043 or:0.0041 that:0.0027 -of:0.4098 :0.2825 in:0.0729 to:0.0630 for:0.0368 on:0.0317 with:0.0281 as:0.0265 and:0.0245 that:0.0242 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.8116 the:0.0895 his:0.0212 a:0.0200 he:0.0151 that:0.0112 two:0.0110 all:0.0071 one:0.0067 then:0.0066 -:0.6493 of:0.0945 in:0.0566 with:0.0491 as:0.0363 by:0.0274 on:0.0260 for:0.0216 is:0.0208 was:0.0185 -of:0.3675 :0.4552 and:0.0644 in:0.0328 for:0.0239 on:0.0123 the:0.0115 or:0.0110 with:0.0109 to:0.0107 -:0.6979 the:0.1739 and:0.0337 a:0.0307 of:0.0168 his:0.0154 this:0.0110 said:0.0079 tho:0.0072 their:0.0053 -:0.8145 to:0.0810 and:0.0293 of:0.0168 the:0.0139 will:0.0125 or:0.0111 that:0.0077 not:0.0067 in:0.0065 -:0.8585 and:0.0255 who:0.0184 which:0.0183 they:0.0168 it:0.0152 that:0.0145 we:0.0118 he:0.0114 you:0.0097 -in:0.2190 by:0.1608 :0.3472 with:0.0568 to:0.0543 for:0.0535 on:0.0480 from:0.0273 at:0.0178 and:0.0153 -:0.9078 and:0.0496 of:0.0122 side:0.0063 line:0.0053 way:0.0046 that:0.0037 or:0.0036 time:0.0036 in:0.0033 -:0.6154 for:0.0844 of:0.0765 by:0.0475 in:0.0416 to:0.0317 with:0.0289 and:0.0265 as:0.0260 at:0.0214 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6146 of:0.1067 and:0.0898 in:0.0407 to:0.0301 for:0.0277 with:0.0240 the:0.0229 by:0.0219 on:0.0215 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6597 the:0.2130 thence:0.0362 of:0.0335 and:0.0124 his:0.0102 a:0.0099 tho:0.0094 in:0.0085 said:0.0074 -:0.9072 and:0.0396 who:0.0117 but:0.0101 was:0.0071 is:0.0066 made:0.0046 or:0.0046 had:0.0043 him:0.0040 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -the:0.3935 :0.3773 this:0.0725 that:0.0533 a:0.0260 any:0.0185 to:0.0179 tho:0.0175 said:0.0130 our:0.0105 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.9326 and:0.0351 that:0.0078 which:0.0053 of:0.0043 he:0.0033 to:0.0033 who:0.0030 it:0.0029 the:0.0024 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -of:0.2755 :0.4987 and:0.0685 the:0.0386 or:0.0277 in:0.0257 for:0.0238 by:0.0153 was:0.0134 at:0.0128 -:0.5850 the:0.1447 of:0.1391 and:0.0426 an:0.0227 in:0.0211 or:0.0161 to:0.0098 at:0.0096 for:0.0093 -:0.8393 held:0.0458 made:0.0265 sold:0.0182 paid:0.0160 used:0.0153 done:0.0124 placed:0.0091 seen:0.0091 given:0.0083 -:0.7338 that:0.0648 and:0.0462 for:0.0344 but:0.0292 of:0.0263 as:0.0226 to:0.0164 before:0.0152 which:0.0110 -:0.8125 great:0.0550 good:0.0407 few:0.0216 very:0.0201 little:0.0128 certain:0.0102 new:0.0100 the:0.0096 large:0.0075 -:0.6558 been:0.1032 to:0.0915 the:0.0457 not:0.0285 no:0.0235 a:0.0227 an:0.0111 for:0.0101 their:0.0079 -:0.7993 and:0.0429 he:0.0393 the:0.0385 was:0.0198 be:0.0170 is:0.0132 of:0.0106 we:0.0101 have:0.0094 -:0.8993 and:0.0295 of:0.0165 to:0.0097 in:0.0085 are:0.0077 for:0.0075 be:0.0074 as:0.0072 is:0.0068 -the:0.3344 :0.5350 a:0.0301 him:0.0183 it:0.0157 this:0.0154 tho:0.0151 you:0.0129 his:0.0116 them:0.0115 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8476 to:0.0414 and:0.0370 of:0.0193 that:0.0146 in:0.0098 have:0.0083 a:0.0080 was:0.0073 had:0.0067 -:0.6521 a:0.1915 of:0.0509 the:0.0335 to:0.0152 and:0.0143 in:0.0127 per:0.0124 any:0.0091 all:0.0083 -:0.8072 other:0.0692 of:0.0396 one:0.0277 time:0.0121 and:0.0104 more:0.0095 person:0.0090 the:0.0086 kind:0.0068 -:0.9588 and:0.0113 that:0.0065 which:0.0053 man:0.0039 one:0.0033 it:0.0028 day:0.0028 men:0.0027 law:0.0026 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -the:0.3095 :0.5248 a:0.0368 which:0.0208 his:0.0204 tho:0.0202 him:0.0175 them:0.0172 this:0.0166 it:0.0161 -:0.5996 of:0.1117 in:0.0612 to:0.0506 for:0.0494 and:0.0449 on:0.0288 at:0.0197 with:0.0179 by:0.0161 -a:0.3383 :0.4353 the:0.1133 no:0.0323 very:0.0292 not:0.0217 his:0.0104 one:0.0089 in:0.0056 all:0.0050 -:0.6786 the:0.2022 a:0.0447 his:0.0185 no:0.0139 tho:0.0108 and:0.0096 all:0.0079 any:0.0070 said:0.0067 -:0.7908 the:0.1007 of:0.0296 and:0.0208 a:0.0178 to:0.0128 his:0.0095 tho:0.0073 in:0.0055 for:0.0052 -:0.7333 the:0.1438 a:0.0376 it:0.0180 his:0.0124 that:0.0117 tho:0.0114 by:0.0108 this:0.0108 to:0.0103 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8779 part:0.0319 side:0.0180 line:0.0178 number:0.0123 out:0.0108 one:0.0092 day:0.0083 and:0.0079 kind:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9233 went:0.0147 down:0.0117 and:0.0116 it:0.0092 up:0.0074 out:0.0067 him:0.0063 them:0.0049 that:0.0042 -:0.8923 own:0.0686 way:0.0094 young:0.0050 feet:0.0050 other:0.0042 old:0.0041 whole:0.0039 a:0.0038 full:0.0038 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6947 is:0.1391 seems:0.0416 was:0.0325 seemed:0.0305 began:0.0145 as:0.0133 came:0.0127 went:0.0115 ought:0.0098 -:0.9106 line:0.0357 amount:0.0102 day:0.0080 and:0.0066 side:0.0065 number:0.0060 end:0.0057 part:0.0054 office:0.0053 -:0.8764 and:0.0592 of:0.0232 in:0.0127 or:0.0074 as:0.0063 for:0.0039 to:0.0039 but:0.0037 by:0.0032 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.2709 will:0.1909 may:0.1106 shall:0.0967 should:0.0832 must:0.0454 would:0.0394 can:0.0274 :0.1211 could:0.0145 -:0.7108 of:0.1050 the:0.0461 old:0.0327 and:0.0294 in:0.0226 no:0.0173 that:0.0148 ago:0.0107 with:0.0104 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5425 of:0.3117 and:0.0564 in:0.0229 to:0.0198 or:0.0134 for:0.0100 from:0.0090 the:0.0072 by:0.0070 -:0.5692 the:0.1879 a:0.0982 of:0.0427 and:0.0283 in:0.0218 his:0.0159 to:0.0143 an:0.0110 tho:0.0107 -of:0.2049 :0.3864 in:0.1071 for:0.0878 as:0.0456 to:0.0430 and:0.0410 with:0.0317 by:0.0268 at:0.0256 -:0.6052 a:0.1569 the:0.1477 and:0.0203 this:0.0188 of:0.0174 in:0.0139 his:0.0082 that:0.0058 tho:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.6417 to:0.2106 and:0.0384 the:0.0336 of:0.0258 will:0.0177 would:0.0107 can:0.0088 he:0.0067 for:0.0060 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8826 it:0.0278 have:0.0166 that:0.0139 which:0.0122 he:0.0111 a:0.0106 and:0.0105 this:0.0075 they:0.0073 -:0.9081 and:0.0274 the:0.0176 of:0.0086 at:0.0072 as:0.0071 that:0.0070 a:0.0069 by:0.0050 to:0.0050 -:0.9424 and:0.0109 than:0.0108 have:0.0071 time:0.0067 as:0.0048 been:0.0047 had:0.0043 if:0.0042 to:0.0040 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -of:0.2093 :0.3896 the:0.1544 a:0.1009 in:0.0400 on:0.0317 by:0.0243 and:0.0216 to:0.0142 at:0.0139 -:0.6415 a:0.0798 the:0.0702 by:0.0552 to:0.0485 in:0.0361 an:0.0202 and:0.0202 of:0.0145 for:0.0138 -:0.8476 of:0.0350 the:0.0328 in:0.0164 and:0.0161 a:0.0138 by:0.0112 at:0.0095 for:0.0094 on:0.0081 -:0.8048 and:0.0572 of:0.0426 the:0.0245 a:0.0180 in:0.0136 to:0.0132 for:0.0093 or:0.0087 at:0.0082 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5642 of:0.2192 and:0.0799 to:0.0334 the:0.0329 in:0.0179 that:0.0153 or:0.0130 for:0.0122 a:0.0119 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7067 it:0.1076 he:0.0743 there:0.0429 she:0.0239 that:0.0111 which:0.0109 ho:0.0092 who:0.0076 then:0.0059 -:0.8032 seen:0.0293 been:0.0277 declared:0.0238 so:0.0237 found:0.0213 given:0.0190 done:0.0184 said:0.0181 ordered:0.0155 -:0.6250 of:0.1936 and:0.0647 in:0.0299 to:0.0213 by:0.0166 for:0.0160 that:0.0116 the:0.0112 or:0.0102 -:0.6149 so:0.1465 as:0.0744 and:0.0380 is:0.0376 was:0.0271 not:0.0236 be:0.0156 the:0.0114 are:0.0111 -:0.8420 and:0.0464 the:0.0301 a:0.0294 of:0.0161 that:0.0084 to:0.0078 was:0.0074 his:0.0064 or:0.0059 -the:0.5458 :0.2255 a:0.0926 this:0.0413 tho:0.0226 their:0.0174 his:0.0172 our:0.0154 any:0.0122 no:0.0100 -:0.6225 the:0.1254 a:0.0641 by:0.0546 from:0.0292 to:0.0246 in:0.0224 that:0.0217 at:0.0181 with:0.0175 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.8238 and:0.0507 as:0.0385 that:0.0249 but:0.0241 when:0.0091 if:0.0088 time:0.0076 where:0.0068 because:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8819 the:0.0534 and:0.0164 an:0.0128 great:0.0081 other:0.0062 a:0.0062 of:0.0059 or:0.0046 young:0.0046 -:0.8838 the:0.0234 and:0.0215 to:0.0166 by:0.0133 in:0.0119 of:0.0109 as:0.0084 that:0.0059 for:0.0043 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.5477 of:0.2599 in:0.0538 and:0.0329 for:0.0251 that:0.0233 with:0.0179 to:0.0153 all:0.0128 by:0.0114 -:0.6271 the:0.1942 a:0.0819 this:0.0323 to:0.0177 and:0.0120 of:0.0106 tho:0.0085 his:0.0084 in:0.0073 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.6148 or:0.1187 of:0.0795 miles:0.0468 days:0.0327 years:0.0264 thousand:0.0229 hundred:0.0226 and:0.0196 times:0.0161 -will:0.0536 :0.7305 said:0.0487 would:0.0472 was:0.0291 could:0.0224 may:0.0214 had:0.0180 is:0.0175 can:0.0116 -:0.4783 to:0.1179 in:0.1136 on:0.0600 of:0.0577 from:0.0406 by:0.0371 and:0.0364 for:0.0315 at:0.0268 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6743 with:0.1402 and:0.0377 the:0.0312 by:0.0277 in:0.0246 a:0.0213 that:0.0172 of:0.0137 as:0.0122 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8527 him:0.0419 them:0.0223 the:0.0200 it:0.0187 you:0.0167 one:0.0091 two:0.0085 me:0.0056 her:0.0045 -:0.6675 the:0.0931 of:0.0654 a:0.0621 to:0.0393 and:0.0336 that:0.0120 this:0.0104 will:0.0083 tho:0.0082 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9654 law:0.0059 hundred:0.0056 life:0.0038 hand:0.0037 men:0.0034 country:0.0032 people:0.0031 man:0.0030 side:0.0029 -:0.7376 of:0.0707 and:0.0579 to:0.0383 was:0.0228 in:0.0218 on:0.0138 that:0.0128 for:0.0123 are:0.0122 -:0.7980 to:0.0462 the:0.0372 and:0.0372 a:0.0224 was:0.0143 in:0.0130 of:0.0122 will:0.0104 an:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.0219 a:0.0042 :0.9545 tho:0.0033 very:0.0029 be:0.0029 other:0.0028 own:0.0026 first:0.0024 said:0.0024 -:0.6328 and:0.1452 of:0.0639 the:0.0378 to:0.0333 for:0.0293 with:0.0179 in:0.0160 by:0.0119 or:0.0119 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.8096 of:0.0744 the:0.0449 and:0.0271 a:0.0138 at:0.0091 or:0.0071 for:0.0048 time:0.0046 day:0.0045 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.7086 the:0.1038 of:0.0595 in:0.0286 and:0.0231 a:0.0196 to:0.0177 by:0.0172 this:0.0140 tho:0.0077 -:0.8178 and:0.0476 it:0.0238 was:0.0225 the:0.0221 is:0.0175 a:0.0152 are:0.0134 that:0.0124 him:0.0077 -:0.5855 of:0.1592 for:0.0744 to:0.0599 by:0.0271 on:0.0259 with:0.0237 in:0.0158 upon:0.0156 from:0.0129 -:0.6489 the:0.1204 a:0.0579 to:0.0388 of:0.0350 and:0.0295 in:0.0280 by:0.0149 that:0.0144 his:0.0122 -:0.6362 of:0.0676 and:0.0592 the:0.0588 a:0.0433 is:0.0408 was:0.0286 in:0.0274 or:0.0221 to:0.0159 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2235 :0.3962 to:0.1082 in:0.0657 from:0.0442 that:0.0440 on:0.0411 and:0.0303 for:0.0301 by:0.0167 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7710 and:0.0713 the:0.0355 of:0.0280 his:0.0246 to:0.0196 is:0.0179 are:0.0132 be:0.0099 was:0.0089 -:0.9179 it:0.0242 which:0.0127 the:0.0110 him:0.0079 them:0.0070 all:0.0056 that:0.0051 this:0.0044 account:0.0042 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6854 the:0.1877 a:0.0375 and:0.0334 his:0.0137 tho:0.0091 to:0.0084 by:0.0083 for:0.0082 in:0.0082 -:0.6725 which:0.0991 that:0.0709 what:0.0500 whom:0.0297 us:0.0197 if:0.0173 them:0.0153 him:0.0131 it:0.0125 -:0.8670 and:0.0492 was:0.0207 is:0.0118 or:0.0111 are:0.0095 were:0.0091 to:0.0078 a:0.0077 in:0.0062 -:0.6786 the:0.1494 of:0.0657 a:0.0327 and:0.0177 their:0.0138 in:0.0120 this:0.0114 tho:0.0106 his:0.0081 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.9157 and:0.0227 together:0.0183 down:0.0096 connected:0.0070 up:0.0064 acquainted:0.0054 it:0.0053 away:0.0049 but:0.0046 -:0.7402 in:0.0733 with:0.0319 and:0.0316 as:0.0289 at:0.0237 for:0.0214 on:0.0180 to:0.0166 by:0.0143 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7964 they:0.0483 a:0.0280 he:0.0263 is:0.0227 you:0.0177 the:0.0169 we:0.0163 it:0.0145 those:0.0130 -:0.5723 of:0.2222 in:0.0511 and:0.0503 that:0.0332 the:0.0175 to:0.0157 for:0.0151 as:0.0123 on:0.0103 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.5852 the:0.2378 a:0.0647 of:0.0299 and:0.0290 his:0.0151 tho:0.0129 to:0.0102 an:0.0078 this:0.0074 -of:0.3137 :0.3010 in:0.1193 that:0.1170 for:0.0482 on:0.0306 at:0.0233 and:0.0163 to:0.0161 from:0.0145 -:0.9011 and:0.0337 or:0.0166 to:0.0115 is:0.0089 day:0.0072 was:0.0060 had:0.0056 years:0.0048 it:0.0046 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -the:0.5375 a:0.1407 :0.1687 his:0.0514 tho:0.0248 their:0.0229 its:0.0198 our:0.0135 tbe:0.0115 her:0.0091 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.3980 a:0.2550 :0.2573 this:0.0198 tho:0.0173 their:0.0157 any:0.0124 his:0.0111 its:0.0081 tbe:0.0053 -:0.9416 best:0.0091 first:0.0089 most:0.0085 same:0.0069 whole:0.0064 said:0.0055 city:0.0051 next:0.0041 county:0.0040 -:0.9486 and:0.0248 of:0.0081 law:0.0032 the:0.0030 in:0.0026 line:0.0026 man:0.0024 to:0.0023 or:0.0023 -:0.8519 the:0.0673 to:0.0176 a:0.0118 his:0.0107 which:0.0104 this:0.0095 them:0.0070 her:0.0070 that:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8182 the:0.0420 a:0.0401 and:0.0291 he:0.0260 be:0.0117 his:0.0104 one:0.0081 it:0.0073 of:0.0071 -:0.6823 the:0.1284 that:0.0503 a:0.0305 of:0.0237 and:0.0208 to:0.0207 in:0.0188 it:0.0131 not:0.0113 -:0.8064 and:0.1169 of:0.0207 in:0.0124 to:0.0121 for:0.0073 or:0.0070 but:0.0065 that:0.0062 with:0.0046 -:0.8159 in:0.0369 with:0.0249 as:0.0247 by:0.0200 that:0.0173 was:0.0169 for:0.0157 is:0.0155 at:0.0123 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -was:0.0537 is:0.0491 :0.7838 of:0.0475 and:0.0217 came:0.0124 are:0.0099 has:0.0093 had:0.0064 were:0.0061 -:0.5941 is:0.0816 of:0.0618 with:0.0516 for:0.0423 as:0.0374 in:0.0355 and:0.0327 was:0.0321 to:0.0308 -:0.6980 to:0.1246 the:0.0969 a:0.0192 we:0.0189 will:0.0110 would:0.0105 they:0.0078 his:0.0067 tho:0.0065 -has:0.2537 :0.3347 have:0.1902 had:0.1567 having:0.0239 not:0.0125 lias:0.0110 bad:0.0065 ha:0.0056 havo:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -so:0.2528 as:0.1628 :0.4019 too:0.0558 how:0.0389 is:0.0201 a:0.0194 and:0.0192 that:0.0155 was:0.0138 -of:0.0664 :0.8255 in:0.0415 or:0.0140 the:0.0117 and:0.0096 on:0.0090 is:0.0078 was:0.0077 are:0.0068 -:0.9147 and:0.0190 of:0.0118 for:0.0113 it:0.0109 all:0.0088 at:0.0066 down:0.0059 that:0.0056 is:0.0054 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8837 the:0.0354 said:0.0200 in:0.0172 and:0.0114 a:0.0079 it:0.0079 that:0.0061 this:0.0055 to:0.0049 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8423 the:0.0541 it:0.0274 his:0.0153 he:0.0119 other:0.0115 a:0.0103 there:0.0094 these:0.0091 so:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6107 the:0.2178 and:0.0346 to:0.0335 for:0.0275 by:0.0205 his:0.0189 in:0.0174 their:0.0104 tho:0.0089 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6369 a:0.1945 the:0.0709 no:0.0322 one:0.0170 in:0.0124 any:0.0110 young:0.0093 all:0.0084 every:0.0074 -:0.6522 of:0.1616 the:0.0531 in:0.0392 his:0.0279 for:0.0218 and:0.0178 a:0.0114 on:0.0083 their:0.0067 -:0.7289 and:0.0582 is:0.0519 was:0.0288 have:0.0273 he:0.0235 has:0.0227 had:0.0223 be:0.0192 are:0.0172 -:0.8384 the:0.0571 a:0.0238 in:0.0190 that:0.0173 his:0.0153 other:0.0108 all:0.0069 by:0.0062 to:0.0051 -:0.8549 much:0.0355 far:0.0197 so:0.0170 and:0.0147 that:0.0128 but:0.0120 in:0.0114 as:0.0112 well:0.0107 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9131 and:0.0296 was:0.0128 or:0.0075 it:0.0073 is:0.0070 out:0.0069 made:0.0054 but:0.0053 are:0.0050 -:0.5560 to:0.1793 and:0.0961 in:0.0468 of:0.0311 on:0.0190 as:0.0184 by:0.0180 for:0.0178 that:0.0175 -of:0.5387 :0.2854 in:0.0647 and:0.0304 that:0.0174 on:0.0155 with:0.0152 from:0.0139 for:0.0105 to:0.0084 -:0.8241 as:0.0644 and:0.0602 is:0.0115 that:0.0091 was:0.0071 but:0.0069 who:0.0058 which:0.0056 it:0.0052 -:0.6446 to:0.1232 and:0.0995 of:0.0439 in:0.0258 with:0.0158 for:0.0158 the:0.0120 on:0.0099 by:0.0095 -to:0.1700 :0.5452 from:0.0529 by:0.0516 in:0.0511 with:0.0417 on:0.0245 for:0.0228 through:0.0228 that:0.0175 -:0.8251 in:0.0327 by:0.0269 east:0.0185 with:0.0179 and:0.0172 to:0.0170 two:0.0163 for:0.0162 five:0.0122 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7537 and:0.0495 of:0.0491 who:0.0456 to:0.0404 or:0.0141 were:0.0135 are:0.0124 with:0.0113 that:0.0104 -:0.7756 of:0.1038 and:0.0566 in:0.0150 or:0.0146 to:0.0098 for:0.0079 was:0.0059 on:0.0059 the:0.0051 -:0.6806 of:0.0934 in:0.0722 and:0.0400 the:0.0265 to:0.0261 a:0.0209 with:0.0207 on:0.0098 for:0.0097 -:0.8943 the:0.0474 and:0.0111 that:0.0110 of:0.0107 in:0.0071 a:0.0050 which:0.0049 to:0.0043 he:0.0041 -:0.8176 the:0.0715 a:0.0277 and:0.0176 of:0.0165 in:0.0143 as:0.0130 that:0.0082 it:0.0070 by:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8919 the:0.0238 any:0.0161 and:0.0118 not:0.0116 or:0.0105 to:0.0102 it:0.0095 this:0.0073 he:0.0073 -:0.8667 all:0.0387 the:0.0332 that:0.0249 which:0.0106 in:0.0065 a:0.0060 about:0.0048 of:0.0045 said:0.0042 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8456 and:0.0515 of:0.0239 or:0.0163 is:0.0142 the:0.0135 was:0.0111 be:0.0093 a:0.0076 in:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8780 it:0.0291 him:0.0271 that:0.0136 taken:0.0113 them:0.0107 went:0.0089 the:0.0078 been:0.0071 and:0.0064 -:0.9610 their:0.0052 some:0.0051 a:0.0050 all:0.0050 the:0.0046 those:0.0038 many:0.0037 this:0.0035 several:0.0032 -:0.9158 order:0.0275 regard:0.0119 time:0.0100 the:0.0072 and:0.0059 which:0.0058 it:0.0054 him:0.0054 them:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8159 in:0.0369 with:0.0249 as:0.0247 by:0.0200 that:0.0173 was:0.0169 for:0.0157 is:0.0155 at:0.0123 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8277 and:0.0519 to:0.0376 a:0.0179 the:0.0168 as:0.0126 of:0.0110 is:0.0098 in:0.0081 for:0.0067 -a:0.0044 the:0.0033 very:0.0026 tho:0.0019 no:0.0012 every:0.0009 its:0.0009 comparatively:0.0009 said:0.0009 deadly:0.0009 -:0.8528 and:0.0932 that:0.0102 but:0.0087 or:0.0085 is:0.0061 day:0.0059 days:0.0057 years:0.0045 was:0.0044 -:0.6979 the:0.2014 and:0.0327 of:0.0176 that:0.0095 a:0.0094 this:0.0086 tho:0.0083 to:0.0075 an:0.0072 -:0.7352 and:0.0867 of:0.0576 for:0.0310 in:0.0211 to:0.0198 or:0.0193 at:0.0120 from:0.0087 with:0.0087 -:0.9231 desire:0.0131 time:0.0130 come:0.0121 wish:0.0096 want:0.0069 have:0.0065 able:0.0053 feet:0.0052 failed:0.0051 -:0.8289 a:0.0524 the:0.0271 not:0.0255 at:0.0204 and:0.0119 taken:0.0099 made:0.0093 for:0.0080 no:0.0065 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.7615 the:0.1255 of:0.0390 and:0.0273 a:0.0106 in:0.0098 said:0.0077 this:0.0064 their:0.0063 tho:0.0059 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8989 following:0.0157 said:0.0144 same:0.0109 various:0.0106 present:0.0103 other:0.0099 last:0.0099 above:0.0098 public:0.0096 -of:0.4808 :0.3727 in:0.0448 to:0.0332 and:0.0161 ot:0.0116 that:0.0114 for:0.0111 on:0.0111 at:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7598 and:0.0928 of:0.0267 is:0.0256 was:0.0227 the:0.0191 or:0.0176 for:0.0125 are:0.0117 at:0.0116 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9095 to:0.0207 and:0.0139 of:0.0136 who:0.0123 for:0.0075 or:0.0070 would:0.0053 was:0.0052 as:0.0051 -:0.6755 to:0.1614 we:0.0302 will:0.0301 and:0.0300 they:0.0202 can:0.0182 would:0.0157 could:0.0097 who:0.0090 -:0.8532 and:0.0246 the:0.0244 a:0.0223 to:0.0161 in:0.0156 by:0.0130 of:0.0121 that:0.0096 at:0.0092 -of:0.3922 :0.4701 and:0.0532 the:0.0188 with:0.0130 in:0.0129 or:0.0115 from:0.0108 to:0.0097 ot:0.0078 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.6183 the:0.1299 a:0.0984 it:0.0525 him:0.0195 this:0.0192 an:0.0190 them:0.0159 her:0.0145 their:0.0127 -:0.8005 other:0.0555 more:0.0379 better:0.0205 one:0.0189 good:0.0171 longer:0.0134 great:0.0129 greater:0.0119 the:0.0114 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6468 of:0.1470 and:0.0454 for:0.0367 by:0.0260 or:0.0235 in:0.0218 with:0.0188 two:0.0178 three:0.0161 -of:0.1277 :0.6242 to:0.0568 on:0.0450 for:0.0337 with:0.0307 upon:0.0241 in:0.0240 told:0.0197 from:0.0142 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6314 the:0.1270 that:0.1031 a:0.0469 of:0.0251 and:0.0173 in:0.0167 as:0.0112 his:0.0110 tho:0.0104 -of:0.3922 :0.4701 and:0.0532 the:0.0188 with:0.0130 in:0.0129 or:0.0115 from:0.0108 to:0.0097 ot:0.0078 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.6956 to:0.1061 of:0.0409 in:0.0383 for:0.0251 and:0.0229 as:0.0214 with:0.0198 that:0.0172 at:0.0126 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.6724 in:0.0748 by:0.0453 on:0.0414 to:0.0355 with:0.0333 for:0.0323 of:0.0299 and:0.0208 at:0.0143 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6890 in:0.1006 of:0.0820 to:0.0255 and:0.0234 for:0.0233 on:0.0187 at:0.0147 that:0.0117 by:0.0110 -:0.6419 the:0.1623 a:0.0440 his:0.0293 her:0.0288 it:0.0230 that:0.0193 their:0.0180 any:0.0172 an:0.0161 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -not:0.4779 :0.3083 be:0.0857 to:0.0315 never:0.0247 he:0.0239 bo:0.0195 have:0.0107 we:0.0097 they:0.0081 -:0.9196 and:0.0119 up:0.0111 it:0.0108 is:0.0092 as:0.0088 right:0.0087 down:0.0075 went:0.0064 enough:0.0060 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6039 to:0.2501 and:0.0603 a:0.0218 of:0.0148 the:0.0129 for:0.0115 is:0.0098 or:0.0078 will:0.0071 -:0.6881 and:0.0951 or:0.0456 was:0.0423 is:0.0349 to:0.0250 not:0.0213 of:0.0192 were:0.0145 are:0.0141 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6875 and:0.0737 of:0.0598 who:0.0563 in:0.0344 to:0.0240 are:0.0227 were:0.0200 on:0.0114 have:0.0101 -:0.6534 the:0.1875 and:0.0493 a:0.0409 to:0.0193 of:0.0157 his:0.0105 tho:0.0094 an:0.0076 is:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8580 and:0.0548 he:0.0328 who:0.0133 they:0.0089 we:0.0083 she:0.0075 which:0.0060 it:0.0053 to:0.0050 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.8276 are:0.0514 who:0.0224 and:0.0217 is:0.0212 were:0.0175 days:0.0161 we:0.0079 men:0.0079 years:0.0063 -:0.7032 of:0.0932 hundred:0.0485 or:0.0330 days:0.0266 in:0.0198 years:0.0197 thousand:0.0193 and:0.0192 for:0.0176 -to:0.3402 not:0.1841 :0.3853 now:0.0317 that:0.0118 a:0.0102 still:0.0101 may:0.0097 should:0.0087 will:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -have:0.3007 has:0.2772 :0.2260 had:0.1149 having:0.0331 lias:0.0217 ha:0.0107 baa:0.0057 haa:0.0054 not:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7173 of:0.1126 in:0.0330 for:0.0298 and:0.0258 that:0.0233 at:0.0169 on:0.0143 to:0.0140 which:0.0131 -:0.9032 and:0.0240 the:0.0127 of:0.0116 a:0.0110 in:0.0108 was:0.0103 or:0.0060 his:0.0051 one:0.0051 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7666 a:0.0559 the:0.0435 more:0.0373 that:0.0196 of:0.0180 and:0.0179 this:0.0159 less:0.0129 other:0.0123 -:0.6162 of:0.2158 and:0.0585 to:0.0314 in:0.0286 the:0.0126 not:0.0107 with:0.0090 that:0.0086 or:0.0086 -:0.8825 and:0.0241 he:0.0237 it:0.0228 who:0.0126 which:0.0084 that:0.0083 we:0.0066 they:0.0062 there:0.0049 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.6206 the:0.1123 th:0.0772 a:0.0751 that:0.0287 per:0.0205 every:0.0205 one:0.0168 and:0.0150 this:0.0133 -:0.8295 and:0.0832 that:0.0161 is:0.0139 was:0.0135 or:0.0101 as:0.0095 for:0.0092 of:0.0079 but:0.0071 -:0.6673 the:0.1709 of:0.0312 and:0.0262 an:0.0230 his:0.0209 to:0.0184 a:0.0166 for:0.0136 in:0.0119 -:0.7604 of:0.0741 to:0.0425 and:0.0360 the:0.0269 in:0.0224 for:0.0128 that:0.0096 or:0.0083 by:0.0071 -of:0.6699 :0.2448 the:0.0229 in:0.0129 and:0.0127 ot:0.0093 for:0.0072 on:0.0070 or:0.0066 to:0.0066 -the:0.2554 :0.5518 a:0.0534 be:0.0320 his:0.0301 this:0.0194 their:0.0184 tho:0.0155 our:0.0129 any:0.0111 -to:0.1700 :0.5452 from:0.0529 by:0.0516 in:0.0511 with:0.0417 on:0.0245 for:0.0228 through:0.0228 that:0.0175 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7480 of:0.1211 or:0.0321 in:0.0257 and:0.0203 to:0.0152 years:0.0119 for:0.0104 hours:0.0078 hundred:0.0075 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7246 and:0.1791 was:0.0252 of:0.0177 is:0.0146 to:0.0111 will:0.0092 which:0.0062 are:0.0061 but:0.0061 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9197 and:0.0305 was:0.0097 it:0.0087 of:0.0076 to:0.0068 is:0.0061 will:0.0040 that:0.0038 he:0.0031 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8389 and:0.0700 to:0.0218 of:0.0147 the:0.0134 was:0.0100 is:0.0097 in:0.0077 for:0.0071 has:0.0067 -:0.7469 and:0.1055 to:0.0289 that:0.0277 in:0.0187 or:0.0167 was:0.0161 is:0.0140 with:0.0129 are:0.0127 -:0.6686 of:0.1522 and:0.0461 in:0.0325 the:0.0266 as:0.0219 that:0.0175 for:0.0118 it:0.0114 at:0.0112 -:0.9429 it:0.0098 that:0.0096 recorded:0.0083 then:0.0073 put:0.0050 was:0.0048 interest:0.0046 placed:0.0041 is:0.0035 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6615 in:0.0700 on:0.0475 of:0.0444 that:0.0442 by:0.0359 to:0.0317 with:0.0219 and:0.0215 from:0.0214 -:0.8488 hour:0.0489 act:0.0189 increase:0.0175 amount:0.0157 order:0.0127 action:0.0122 example:0.0091 average:0.0083 explanation:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4353 :0.2721 to:0.0624 in:0.0592 for:0.0521 with:0.0272 by:0.0255 that:0.0239 and:0.0216 from:0.0206 -:0.9489 amount:0.0079 case:0.0064 day:0.0064 city:0.0060 part:0.0059 matter:0.0051 people:0.0046 sum:0.0045 one:0.0044 -:0.7100 they:0.0667 he:0.0469 it:0.0442 we:0.0397 there:0.0301 she:0.0246 and:0.0178 as:0.0134 you:0.0067 -:0.6523 the:0.2201 and:0.0280 in:0.0242 a:0.0176 be:0.0151 his:0.0129 that:0.0122 of:0.0090 he:0.0086 -:0.7392 of:0.0873 and:0.0496 in:0.0315 to:0.0271 for:0.0183 with:0.0140 as:0.0124 by:0.0108 on:0.0099 -:0.7680 of:0.0712 and:0.0526 to:0.0273 in:0.0257 with:0.0133 on:0.0114 the:0.0112 from:0.0103 by:0.0090 -in:0.1593 :0.4288 of:0.0978 on:0.0759 at:0.0510 to:0.0468 by:0.0389 for:0.0380 from:0.0339 with:0.0295 -:0.8740 and:0.0315 the:0.0238 of:0.0187 a:0.0122 to:0.0121 in:0.0120 was:0.0067 or:0.0045 for:0.0044 -:0.7270 that:0.0967 the:0.0486 a:0.0299 as:0.0217 to:0.0185 it:0.0174 of:0.0167 all:0.0130 in:0.0105 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7875 of:0.0757 and:0.0530 to:0.0167 was:0.0149 is:0.0139 not:0.0101 on:0.0099 with:0.0095 as:0.0087 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.6616 the:0.1485 that:0.0643 a:0.0337 his:0.0208 this:0.0187 and:0.0143 their:0.0141 of:0.0128 her:0.0113 -:0.8737 day:0.0372 and:0.0195 time:0.0171 man:0.0114 thing:0.0107 which:0.0094 it:0.0091 year:0.0062 he:0.0058 -:0.6448 is:0.0950 was:0.0695 are:0.0456 be:0.0409 a:0.0304 and:0.0266 the:0.0257 were:0.0143 one:0.0072 -:0.9525 and:0.0111 order:0.0072 subject:0.0054 is:0.0051 right:0.0040 way:0.0040 enough:0.0037 went:0.0035 desire:0.0035 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7245 and:0.0886 to:0.0471 of:0.0329 for:0.0234 with:0.0216 or:0.0211 was:0.0204 on:0.0111 in:0.0093 -:0.7718 man:0.1260 men:0.0254 lady:0.0184 woman:0.0143 which:0.0102 and:0.0100 party:0.0082 who:0.0079 wife:0.0078 -the:0.6946 :0.1859 his:0.0290 tho:0.0277 a:0.0186 their:0.0125 tbe:0.0107 its:0.0081 our:0.0072 her:0.0059 -:0.7741 of:0.1322 and:0.0548 that:0.0074 which:0.0071 or:0.0068 in:0.0054 than:0.0050 but:0.0036 as:0.0036 -the:0.2812 a:0.2210 :0.3987 his:0.0228 this:0.0203 tho:0.0173 its:0.0130 be:0.0090 our:0.0088 their:0.0079 -:0.6713 of:0.1826 and:0.0513 the:0.0279 in:0.0167 that:0.0119 on:0.0099 to:0.0099 for:0.0094 or:0.0090 -:0.7470 of:0.0567 and:0.0465 the:0.0462 in:0.0326 for:0.0266 or:0.0153 to:0.0103 on:0.0096 an:0.0091 -:0.8327 of:0.0471 and:0.0348 the:0.0230 to:0.0159 in:0.0123 he:0.0114 that:0.0099 is:0.0078 for:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -of:0.2310 :0.4186 in:0.0869 to:0.0794 for:0.0465 on:0.0347 and:0.0328 from:0.0250 that:0.0246 with:0.0204 -:0.7147 and:0.0934 of:0.0548 to:0.0351 the:0.0346 in:0.0197 is:0.0173 for:0.0111 was:0.0098 with:0.0094 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5121 of:0.1990 and:0.0990 to:0.0454 for:0.0336 or:0.0299 in:0.0289 with:0.0216 at:0.0164 is:0.0141 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9561 men:0.0083 time:0.0072 people:0.0053 city:0.0052 sale:0.0044 land:0.0036 a:0.0034 other:0.0033 service:0.0031 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.4199 :0.4306 the:0.0710 of:0.0211 and:0.0172 this:0.0098 to:0.0092 that:0.0080 their:0.0067 in:0.0064 -:0.7804 and:0.0516 was:0.0361 is:0.0354 has:0.0277 be:0.0152 had:0.0143 the:0.0136 we:0.0130 he:0.0129 -:0.9303 and:0.0325 is:0.0065 was:0.0061 it:0.0049 that:0.0046 of:0.0043 him:0.0041 but:0.0034 went:0.0033 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -been:0.2065 already:0.0116 become:0.0113 not:0.0100 beeu:0.0094 boon:0.0088 grown:0.0081 lieen:0.0077 made:0.0072 come:0.0071 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6667 of:0.1227 and:0.0421 to:0.0317 in:0.0287 the:0.0278 that:0.0224 by:0.0203 with:0.0202 for:0.0174 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4791 in:0.1324 to:0.0823 that:0.0669 of:0.0636 on:0.0450 for:0.0408 by:0.0331 at:0.0299 from:0.0269 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -he:0.2608 :0.3801 they:0.1291 we:0.0741 she:0.0720 it:0.0453 ho:0.0189 you:0.0072 there:0.0065 soon:0.0060 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -as:0.4114 :0.3494 is:0.0871 and:0.0641 was:0.0359 of:0.0134 are:0.0116 so:0.0100 be:0.0093 but:0.0078 -we:0.3123 they:0.1912 :0.2577 you:0.1398 not:0.0558 he:0.0135 it:0.0102 to:0.0079 there:0.0075 wo:0.0041 -:0.8682 time:0.0233 city:0.0226 country:0.0211 morning:0.0147 way:0.0138 act:0.0124 year:0.0085 state:0.0080 is:0.0074 -:0.7774 he:0.0700 they:0.0300 and:0.0285 it:0.0266 we:0.0224 she:0.0167 who:0.0132 there:0.0085 ho:0.0066 -:0.9099 hour:0.0272 old:0.0128 average:0.0103 increase:0.0080 opinion:0.0069 inch:0.0067 order:0.0063 act:0.0061 early:0.0059 -a:0.4033 the:0.3061 :0.2214 this:0.0211 said:0.0119 tho:0.0093 an:0.0076 his:0.0075 one:0.0063 their:0.0056 -the:0.7146 :0.1132 his:0.0505 their:0.0273 a:0.0259 its:0.0197 tho:0.0147 our:0.0127 this:0.0126 tbe:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6438 is:0.1000 was:0.0780 and:0.0690 are:0.0294 were:0.0180 which:0.0161 has:0.0161 or:0.0152 he:0.0143 -:0.7521 at:0.0596 of:0.0489 and:0.0436 in:0.0265 the:0.0238 for:0.0129 by:0.0126 or:0.0104 a:0.0096 -:0.5090 in:0.1760 the:0.0970 of:0.0473 on:0.0439 by:0.0338 to:0.0324 and:0.0246 from:0.0194 a:0.0166 -:0.4681 to:0.2614 and:0.0947 will:0.0602 would:0.0300 was:0.0216 of:0.0205 should:0.0160 shall:0.0141 not:0.0134 -:0.5738 said:0.2631 the:0.0646 a:0.0246 of:0.0213 and:0.0205 this:0.0119 to:0.0073 in:0.0071 is:0.0057 -of:0.3037 :0.4315 in:0.0639 that:0.0496 and:0.0334 on:0.0294 for:0.0294 to:0.0250 with:0.0202 from:0.0139 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8740 and:0.0315 the:0.0238 of:0.0187 a:0.0122 to:0.0121 in:0.0120 was:0.0067 or:0.0045 for:0.0044 -:0.8221 and:0.0420 the:0.0236 of:0.0235 was:0.0212 to:0.0172 be:0.0133 he:0.0129 a:0.0123 is:0.0118 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.9404 old:0.0192 early:0.0076 hour:0.0066 and:0.0054 any:0.0050 average:0.0047 a:0.0042 the:0.0036 inch:0.0034 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7782 as:0.0555 the:0.0465 are:0.0308 it:0.0186 is:0.0177 that:0.0140 he:0.0138 in:0.0126 and:0.0123 -:0.9021 and:0.0202 that:0.0162 up:0.0124 him:0.0122 it:0.0114 them:0.0080 us:0.0069 work:0.0054 down:0.0052 -has:0.2537 :0.3347 have:0.1902 had:0.1567 having:0.0239 not:0.0125 lias:0.0110 bad:0.0065 ha:0.0056 havo:0.0052 -:0.8656 the:0.0435 a:0.0294 and:0.0164 in:0.0094 of:0.0090 to:0.0089 as:0.0068 at:0.0058 on:0.0052 -of:0.2428 :0.5223 with:0.0495 in:0.0484 to:0.0287 that:0.0244 and:0.0239 for:0.0233 from:0.0190 on:0.0178 -:0.7068 of:0.1082 and:0.0445 to:0.0326 in:0.0259 for:0.0195 the:0.0182 is:0.0153 was:0.0149 as:0.0141 -:0.6406 it:0.1513 there:0.0715 and:0.0335 he:0.0325 which:0.0190 she:0.0166 but:0.0129 that:0.0119 as:0.0102 -a:0.2775 :0.4064 the:0.1239 and:0.0485 in:0.0361 to:0.0303 his:0.0255 with:0.0223 as:0.0181 by:0.0115 -:0.7472 in:0.0534 by:0.0474 of:0.0299 that:0.0267 all:0.0253 at:0.0219 on:0.0199 with:0.0146 from:0.0138 -:0.7922 the:0.1031 and:0.0364 is:0.0120 as:0.0116 that:0.0100 of:0.0099 a:0.0089 at:0.0082 in:0.0077 -:0.7922 the:0.1031 and:0.0364 is:0.0120 as:0.0116 that:0.0100 of:0.0099 a:0.0089 at:0.0082 in:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8548 to:0.0308 and:0.0298 of:0.0280 that:0.0130 in:0.0127 for:0.0108 with:0.0069 was:0.0068 the:0.0064 -:0.5862 the:0.2325 of:0.0535 a:0.0463 in:0.0239 and:0.0129 tho:0.0126 to:0.0124 his:0.0106 their:0.0093 -:0.6544 was:0.0764 and:0.0673 be:0.0655 is:0.0347 he:0.0297 have:0.0212 are:0.0197 were:0.0166 has:0.0145 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.9579 and:0.0153 deal:0.0068 of:0.0060 many:0.0033 or:0.0023 way:0.0023 in:0.0022 work:0.0020 action:0.0019 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5991 the:0.1306 it:0.0661 that:0.0643 a:0.0324 his:0.0312 them:0.0228 her:0.0224 of:0.0162 their:0.0148 -:0.7450 to:0.0728 and:0.0543 was:0.0220 the:0.0211 we:0.0210 of:0.0191 is:0.0162 he:0.0145 for:0.0139 -be:0.0235 bo:0.0112 participate:0.0092 go:0.0067 live:0.0059 come:0.0046 retire:0.0045 appear:0.0043 obtain:0.0042 buy:0.0037 -:0.5672 he:0.2085 it:0.0837 she:0.0358 they:0.0348 there:0.0194 we:0.0181 ho:0.0150 a:0.0093 that:0.0082 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7746 months:0.0652 days:0.0492 years:0.0349 weeks:0.0179 miles:0.0154 and:0.0150 or:0.0112 hours:0.0096 times:0.0070 -:0.7536 and:0.1499 of:0.0275 but:0.0130 as:0.0124 that:0.0102 in:0.0095 to:0.0086 or:0.0084 which:0.0070 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7399 to:0.0646 and:0.0460 the:0.0418 in:0.0263 that:0.0210 of:0.0188 for:0.0148 by:0.0141 from:0.0126 -:0.8722 out:0.0400 it:0.0157 him:0.0120 made:0.0119 and:0.0105 but:0.0102 based:0.0096 called:0.0091 that:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9310 and:0.0306 time:0.0066 work:0.0052 as:0.0051 line:0.0048 men:0.0044 but:0.0044 man:0.0040 part:0.0038 -:0.6219 of:0.1165 and:0.0795 to:0.0377 the:0.0324 in:0.0292 are:0.0236 a:0.0226 is:0.0191 an:0.0176 -the:0.3775 :0.4153 said:0.1026 this:0.0300 a:0.0248 tho:0.0131 our:0.0119 any:0.0111 his:0.0075 their:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -the:0.5025 his:0.1139 :0.2028 a:0.0391 her:0.0292 its:0.0273 our:0.0251 tho:0.0239 their:0.0198 this:0.0164 -:0.6714 the:0.1597 be:0.0584 a:0.0371 take:0.0137 this:0.0134 get:0.0132 have:0.0127 make:0.0110 tho:0.0094 -:0.6645 the:0.1453 of:0.0621 and:0.0411 to:0.0269 in:0.0226 a:0.0097 for:0.0095 by:0.0095 on:0.0088 -:0.7851 the:0.0957 and:0.0308 of:0.0180 in:0.0167 his:0.0155 be:0.0108 a:0.0107 all:0.0085 that:0.0081 -:0.8758 be:0.0191 make:0.0169 take:0.0163 pay:0.0147 that:0.0133 get:0.0116 all:0.0110 see:0.0109 give:0.0103 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8532 the:0.0515 in:0.0221 to:0.0129 of:0.0128 by:0.0119 his:0.0108 two:0.0094 their:0.0078 a:0.0075 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7737 to:0.0645 for:0.0403 of:0.0263 at:0.0232 and:0.0218 that:0.0152 in:0.0140 as:0.0110 by:0.0100 -:0.6537 that:0.1836 and:0.0574 but:0.0250 if:0.0247 which:0.0169 when:0.0126 where:0.0125 as:0.0074 is:0.0063 -:0.6962 of:0.1349 and:0.0668 the:0.0307 that:0.0192 in:0.0156 for:0.0138 or:0.0096 with:0.0068 he:0.0064 -:0.7287 and:0.1181 the:0.0338 be:0.0255 he:0.0187 to:0.0183 have:0.0166 are:0.0137 was:0.0136 is:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5195 that:0.3147 the:0.0434 and:0.0304 of:0.0284 it:0.0168 a:0.0132 he:0.0123 in:0.0114 for:0.0100 -of:0.3722 to:0.1509 in:0.0547 :0.2448 with:0.0412 for:0.0399 and:0.0298 from:0.0261 on:0.0205 that:0.0199 -:0.9262 the:0.0248 as:0.0070 their:0.0068 that:0.0068 by:0.0067 her:0.0059 no:0.0055 an:0.0052 tho:0.0052 -:0.7650 and:0.0554 the:0.0490 of:0.0479 to:0.0316 is:0.0126 was:0.0117 in:0.0112 at:0.0078 or:0.0078 -:0.8941 then:0.0180 he:0.0166 we:0.0152 to:0.0117 they:0.0101 it:0.0092 be:0.0092 not:0.0088 was:0.0071 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8237 out:0.0681 one:0.0414 that:0.0166 all:0.0153 some:0.0101 any:0.0098 and:0.0055 many:0.0051 up:0.0044 -:0.7908 a:0.0798 the:0.0677 in:0.0187 that:0.0118 an:0.0088 his:0.0065 and:0.0059 to:0.0050 on:0.0050 -:0.9441 made:0.0108 followed:0.0093 delivered:0.0090 that:0.0054 passed:0.0048 it:0.0045 held:0.0043 then:0.0038 provided:0.0038 -the:0.0317 :0.9046 of:0.0112 no:0.0096 and:0.0087 a:0.0084 his:0.0071 whose:0.0066 in:0.0062 for:0.0058 -the:0.5370 a:0.1357 :0.1962 his:0.0343 tho:0.0206 that:0.0196 by:0.0190 to:0.0140 in:0.0130 an:0.0106 -they:0.0025 estate:0.0023 it:0.0023 :0.9846 she:0.0018 we:0.0016 will:0.0014 you:0.0013 who:0.0012 them:0.0011 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7806 the:0.0535 and:0.0480 of:0.0232 was:0.0228 is:0.0212 a:0.0155 or:0.0128 in:0.0112 to:0.0111 -:0.8845 and:0.0325 the:0.0251 of:0.0217 that:0.0093 a:0.0090 he:0.0052 for:0.0047 in:0.0042 or:0.0037 -:0.4813 was:0.1913 had:0.1525 has:0.0659 is:0.0329 would:0.0288 will:0.0167 could:0.0113 and:0.0097 are:0.0096 -:0.8578 life:0.0390 father:0.0226 wife:0.0172 mind:0.0153 husband:0.0122 hand:0.0104 mother:0.0089 body:0.0083 name:0.0083 -be:0.1098 :0.7527 have:0.0310 do:0.0261 make:0.0251 see:0.0177 say:0.0115 keep:0.0096 give:0.0084 go:0.0081 -:0.7348 the:0.0566 a:0.0437 their:0.0386 his:0.0355 to:0.0340 our:0.0159 my:0.0143 with:0.0134 her:0.0131 -:0.8039 the:0.0644 a:0.0261 his:0.0185 her:0.0174 it:0.0156 him:0.0153 which:0.0137 this:0.0133 them:0.0118 -:0.9275 people:0.0218 men:0.0090 country:0.0083 mother:0.0065 government:0.0060 eyes:0.0055 man:0.0053 children:0.0053 friends:0.0050 -:0.8214 old:0.0629 a:0.0390 enormous:0.0157 the:0.0147 average:0.0132 excellent:0.0092 actual:0.0080 early:0.0080 said:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.8743 and:0.0337 of:0.0310 than:0.0188 or:0.0090 that:0.0074 as:0.0073 in:0.0073 at:0.0059 was:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8266 it:0.0508 is:0.0388 time:0.0175 he:0.0157 was:0.0144 are:0.0131 they:0.0077 there:0.0077 be:0.0076 -of:0.2460 :0.4733 and:0.0986 or:0.0649 the:0.0402 was:0.0198 in:0.0195 a:0.0136 for:0.0125 from:0.0116 -:0.7505 of:0.1222 and:0.0417 to:0.0271 in:0.0192 the:0.0121 or:0.0079 is:0.0075 was:0.0065 at:0.0053 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6915 the:0.1129 a:0.0435 to:0.0423 their:0.0303 and:0.0251 of:0.0216 his:0.0122 an:0.0112 tho:0.0092 -:0.7490 to:0.1043 and:0.0730 will:0.0214 not:0.0103 of:0.0092 is:0.0087 who:0.0083 was:0.0081 we:0.0077 -:0.7672 and:0.0725 or:0.0444 to:0.0382 that:0.0169 but:0.0157 of:0.0132 for:0.0129 was:0.0122 not:0.0066 -:0.5887 in:0.1075 and:0.1064 of:0.0817 to:0.0383 that:0.0205 for:0.0195 on:0.0151 or:0.0112 the:0.0110 -be:0.3426 :0.5205 not:0.0393 have:0.0276 bo:0.0225 he:0.0176 the:0.0155 make:0.0050 become:0.0049 take:0.0046 -:0.8654 and:0.0425 a:0.0192 the:0.0177 an:0.0137 are:0.0120 is:0.0092 was:0.0074 or:0.0065 it:0.0063 -the:0.2865 :0.4783 a:0.1127 no:0.0327 this:0.0282 of:0.0197 and:0.0133 tho:0.0112 an:0.0091 their:0.0082 -:0.6903 the:0.1129 to:0.0665 of:0.0338 and:0.0316 a:0.0178 at:0.0129 in:0.0122 his:0.0113 this:0.0107 -of:0.2476 :0.4251 in:0.0559 after:0.0527 from:0.0507 for:0.0401 at:0.0376 to:0.0360 on:0.0288 ago:0.0256 -:0.6377 the:0.1446 of:0.1222 a:0.0219 in:0.0159 and:0.0156 to:0.0128 by:0.0111 that:0.0093 for:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7800 the:0.0619 to:0.0544 will:0.0236 and:0.0230 a:0.0152 of:0.0139 this:0.0129 was:0.0077 not:0.0073 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.6100 was:0.1358 had:0.0922 has:0.0442 he:0.0405 is:0.0230 we:0.0151 would:0.0136 they:0.0133 have:0.0122 -:0.5928 the:0.1587 of:0.0940 a:0.0447 and:0.0351 in:0.0256 to:0.0231 was:0.0090 tho:0.0089 by:0.0083 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5996 of:0.1117 in:0.0612 to:0.0506 for:0.0494 and:0.0449 on:0.0288 at:0.0197 with:0.0179 by:0.0161 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -an:0.0793 the:0.0403 a:0.0222 his:0.0206 tho:0.0084 its:0.0079 my:0.0076 their:0.0071 very:0.0066 no:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7825 in:0.0616 of:0.0249 and:0.0247 for:0.0247 with:0.0181 at:0.0172 by:0.0164 is:0.0155 was:0.0144 -the:0.7146 :0.1132 his:0.0505 their:0.0273 a:0.0259 its:0.0197 tho:0.0147 our:0.0127 this:0.0126 tbe:0.0087 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.5494 is:0.1519 was:0.0887 in:0.0450 to:0.0390 for:0.0335 with:0.0321 and:0.0243 at:0.0190 by:0.0170 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.5860 they:0.1959 it:0.0447 we:0.0376 you:0.0306 them:0.0270 there:0.0243 he:0.0222 which:0.0180 him:0.0136 -:0.6755 to:0.1614 we:0.0302 will:0.0301 and:0.0300 they:0.0202 can:0.0182 would:0.0157 could:0.0097 who:0.0090 -:0.8101 and:0.0512 the:0.0303 that:0.0203 a:0.0178 of:0.0171 to:0.0157 as:0.0139 it:0.0118 all:0.0117 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.7727 more:0.1272 less:0.0398 better:0.0226 rather:0.0120 and:0.0070 worse:0.0063 higher:0.0047 other:0.0046 the:0.0033 -:0.6198 the:0.2101 a:0.0577 of:0.0251 and:0.0219 to:0.0212 his:0.0192 tho:0.0097 their:0.0089 for:0.0064 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.7615 and:0.0543 of:0.0457 the:0.0448 in:0.0263 was:0.0198 is:0.0179 a:0.0112 or:0.0096 by:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6658 in:0.0834 to:0.0474 of:0.0435 on:0.0394 that:0.0275 by:0.0254 for:0.0240 and:0.0230 from:0.0205 -:0.8001 take:0.0387 make:0.0387 give:0.0291 get:0.0238 keep:0.0184 see:0.0137 be:0.0133 do:0.0132 hold:0.0110 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7772 of:0.0698 the:0.0627 and:0.0326 young:0.0160 two:0.0115 in:0.0095 all:0.0073 by:0.0070 for:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.4308 of:0.1373 in:0.0897 that:0.0694 to:0.0626 for:0.0590 by:0.0483 on:0.0386 with:0.0372 from:0.0270 -:0.9280 people:0.0224 men:0.0123 city:0.0078 world:0.0057 farmers:0.0055 officers:0.0050 law:0.0048 boys:0.0047 same:0.0039 -of:0.1490 in:0.1025 :0.5087 on:0.0595 to:0.0550 from:0.0371 for:0.0314 at:0.0221 with:0.0211 and:0.0135 -:0.8559 made:0.0274 held:0.0228 paid:0.0195 placed:0.0163 found:0.0136 used:0.0117 put:0.0110 done:0.0110 taken:0.0107 -:0.8668 and:0.0296 of:0.0258 that:0.0197 to:0.0161 in:0.0131 was:0.0083 is:0.0083 he:0.0063 one:0.0061 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.8267 made:0.0266 paid:0.0261 taken:0.0244 brought:0.0238 put:0.0171 carried:0.0155 went:0.0149 found:0.0127 laid:0.0121 -:0.7158 it:0.0884 which:0.0424 that:0.0377 and:0.0357 there:0.0309 he:0.0238 as:0.0111 what:0.0091 but:0.0050 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -to:0.4528 :0.2413 for:0.0691 of:0.0571 in:0.0523 from:0.0320 on:0.0299 that:0.0263 at:0.0209 by:0.0184 -:0.8722 it:0.0459 him:0.0166 up:0.0147 them:0.0130 that:0.0083 to:0.0083 in:0.0077 the:0.0067 out:0.0065 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.8883 and:0.0239 came:0.0233 are:0.0128 set:0.0101 took:0.0093 went:0.0087 or:0.0085 were:0.0078 have:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8004 and:0.0477 it:0.0269 the:0.0238 of:0.0219 to:0.0195 a:0.0193 is:0.0162 he:0.0123 was:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6384 a:0.1560 the:0.1085 young:0.0218 no:0.0147 one:0.0131 and:0.0129 every:0.0118 any:0.0117 of:0.0111 -:0.7689 was:0.0693 is:0.0369 be:0.0233 are:0.0198 he:0.0170 not:0.0168 the:0.0161 then:0.0160 were:0.0159 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -to:0.3146 :0.4943 and:0.0415 will:0.0396 we:0.0288 can:0.0219 who:0.0182 would:0.0170 not:0.0124 they:0.0118 -:0.9642 to:0.0074 up:0.0069 it:0.0040 and:0.0037 in:0.0032 him:0.0030 down:0.0027 out:0.0024 time:0.0023 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -of:0.2364 :0.3887 to:0.1344 in:0.0802 by:0.0383 for:0.0295 and:0.0260 from:0.0260 on:0.0251 as:0.0154 -:0.7685 of:0.1070 the:0.0502 and:0.0285 to:0.0152 a:0.0077 or:0.0065 for:0.0060 in:0.0055 our:0.0050 -:0.7979 of:0.0642 and:0.0422 the:0.0282 in:0.0180 that:0.0130 a:0.0104 to:0.0098 as:0.0091 it:0.0071 -the:0.3060 :0.5039 a:0.1066 he:0.0189 tho:0.0152 their:0.0118 his:0.0110 this:0.0090 no:0.0088 our:0.0086 -:0.6792 a:0.0948 the:0.0825 to:0.0402 no:0.0249 be:0.0187 been:0.0178 his:0.0172 their:0.0130 in:0.0117 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.7652 not:0.0511 in:0.0492 made:0.0355 at:0.0201 to:0.0188 with:0.0170 for:0.0161 as:0.0142 on:0.0129 -:0.6411 the:0.0900 in:0.0761 a:0.0678 of:0.0448 and:0.0252 is:0.0179 was:0.0154 that:0.0114 an:0.0104 -:0.9566 same:0.0070 people:0.0065 world:0.0054 city:0.0048 country:0.0046 war:0.0043 government:0.0038 most:0.0037 county:0.0033 -:0.7864 much:0.0969 the:0.0344 a:0.0157 many:0.0144 and:0.0119 great:0.0112 in:0.0106 to:0.0104 little:0.0081 -by:0.2149 :0.5012 in:0.0788 for:0.0585 on:0.0444 to:0.0260 from:0.0235 with:0.0215 a:0.0167 up:0.0145 -:0.9446 few:0.0097 little:0.0092 man:0.0075 good:0.0065 large:0.0053 long:0.0047 time:0.0046 year:0.0042 great:0.0039 -:0.9443 less:0.0082 otherwise:0.0077 two:0.0073 even:0.0071 recorded:0.0062 interest:0.0061 and:0.0046 not:0.0045 engaged:0.0041 -:0.9429 it:0.0098 that:0.0096 recorded:0.0083 then:0.0073 put:0.0050 was:0.0048 interest:0.0046 placed:0.0041 is:0.0035 -:0.6456 of:0.0839 in:0.0797 and:0.0623 for:0.0250 that:0.0241 to:0.0217 on:0.0212 by:0.0184 at:0.0180 -:0.9116 as:0.0202 and:0.0115 is:0.0098 according:0.0090 enough:0.0084 up:0.0080 come:0.0074 feet:0.0073 want:0.0069 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6033 of:0.2261 and:0.0499 to:0.0418 in:0.0283 with:0.0170 or:0.0098 on:0.0084 from:0.0079 the:0.0076 -:0.7882 and:0.0618 which:0.0538 it:0.0293 as:0.0188 that:0.0181 there:0.0129 but:0.0060 who:0.0059 what:0.0053 -:0.7166 the:0.0744 about:0.0475 a:0.0430 for:0.0240 only:0.0215 in:0.0210 no:0.0197 not:0.0183 that:0.0141 -:0.7765 he:0.0628 and:0.0273 they:0.0258 it:0.0241 we:0.0193 that:0.0189 who:0.0170 which:0.0164 she:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8624 the:0.0433 and:0.0242 of:0.0232 to:0.0168 a:0.0087 for:0.0074 all:0.0056 or:0.0043 any:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -will:0.2851 would:0.1059 should:0.0993 :0.1684 may:0.0824 to:0.0787 can:0.0669 shall:0.0528 must:0.0387 might:0.0220 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -to:0.2587 :0.3413 of:0.1171 in:0.0604 on:0.0469 by:0.0461 with:0.0440 and:0.0326 at:0.0267 from:0.0263 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5283 to:0.1105 with:0.0741 of:0.0603 in:0.0477 for:0.0465 on:0.0454 and:0.0305 by:0.0294 that:0.0273 -:0.4667 to:0.2675 of:0.0813 and:0.0696 the:0.0409 in:0.0322 by:0.0133 or:0.0119 with:0.0103 for:0.0062 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5029 the:0.3034 a:0.0700 to:0.0279 and:0.0244 of:0.0186 tho:0.0164 this:0.0162 his:0.0115 will:0.0087 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.3779 :0.3935 a:0.0714 his:0.0345 our:0.0311 tho:0.0260 their:0.0208 its:0.0167 these:0.0163 this:0.0118 -:0.9414 one:0.0137 part:0.0114 number:0.0068 line:0.0051 many:0.0049 day:0.0048 out:0.0044 side:0.0039 half:0.0036 -:0.7898 the:0.0726 a:0.0717 and:0.0193 of:0.0106 one:0.0088 this:0.0087 his:0.0063 or:0.0063 very:0.0059 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9450 most:0.0084 said:0.0074 first:0.0072 other:0.0070 whole:0.0063 same:0.0062 following:0.0044 public:0.0042 old:0.0040 -the:0.1755 no:0.1440 :0.4527 a:0.0938 been:0.0294 not:0.0270 any:0.0237 their:0.0189 an:0.0182 this:0.0169 -of:0.4025 :0.3368 in:0.0774 on:0.0388 to:0.0386 from:0.0308 and:0.0230 for:0.0195 with:0.0171 upon:0.0155 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9532 same:0.0118 first:0.0064 most:0.0050 people:0.0043 said:0.0043 best:0.0042 city:0.0040 latter:0.0034 next:0.0033 -:0.5635 of:0.0884 and:0.0684 for:0.0647 to:0.0627 in:0.0592 with:0.0261 at:0.0249 are:0.0245 that:0.0176 -:0.8439 and:0.0449 of:0.0302 to:0.0270 in:0.0130 for:0.0118 with:0.0083 the:0.0081 or:0.0071 by:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8487 old:0.0499 any:0.0259 a:0.0181 average:0.0150 enormous:0.0113 early:0.0093 equal:0.0082 the:0.0072 actual:0.0066 -:0.7008 in:0.0596 to:0.0563 not:0.0505 at:0.0495 that:0.0312 now:0.0180 a:0.0116 of:0.0115 and:0.0109 -:0.8955 and:0.0397 of:0.0168 the:0.0114 a:0.0085 in:0.0080 is:0.0059 that:0.0058 was:0.0045 one:0.0039 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9294 many:0.0176 and:0.0138 to:0.0073 two:0.0063 or:0.0059 more:0.0052 little:0.0050 deal:0.0049 the:0.0044 -:0.7672 and:0.0595 of:0.0531 to:0.0299 in:0.0197 is:0.0190 for:0.0187 with:0.0128 at:0.0108 from:0.0092 -:0.9150 all:0.0229 so:0.0176 in:0.0120 said:0.0065 is:0.0061 found:0.0059 at:0.0053 ordered:0.0044 know:0.0043 -:0.7605 the:0.0920 and:0.0304 that:0.0244 a:0.0238 of:0.0237 for:0.0128 in:0.0125 an:0.0107 they:0.0092 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8433 as:0.0270 up:0.0270 them:0.0183 out:0.0174 it:0.0157 him:0.0147 and:0.0138 down:0.0136 enough:0.0091 -:0.6208 the:0.2663 of:0.0371 a:0.0183 and:0.0148 tho:0.0127 our:0.0110 his:0.0067 to:0.0065 this:0.0059 -:0.8862 and:0.0229 was:0.0170 went:0.0169 is:0.0128 laid:0.0111 came:0.0098 to:0.0087 turned:0.0075 that:0.0071 -:0.5746 of:0.2746 and:0.0584 in:0.0303 for:0.0157 was:0.0114 on:0.0113 at:0.0083 is:0.0079 the:0.0076 -not:0.3950 be:0.1264 :0.3393 have:0.0565 bo:0.0222 he:0.0189 never:0.0172 lie:0.0100 always:0.0080 we:0.0065 -:0.5376 of:0.1625 to:0.1276 in:0.0533 and:0.0438 he:0.0158 that:0.0156 the:0.0147 by:0.0146 on:0.0145 -:0.9322 and:0.0145 it:0.0134 he:0.0104 of:0.0061 for:0.0057 to:0.0048 the:0.0047 that:0.0043 was:0.0040 -:0.6900 the:0.1364 and:0.0463 of:0.0368 a:0.0363 in:0.0145 or:0.0127 to:0.0125 his:0.0089 was:0.0055 -ago:0.2639 to:0.0951 :0.5347 and:0.0215 before:0.0181 of:0.0173 in:0.0141 for:0.0130 will:0.0125 by:0.0098 -:0.5934 to:0.2045 the:0.0830 a:0.0333 and:0.0167 it:0.0158 in:0.0145 by:0.0136 that:0.0131 for:0.0122 -:0.7146 to:0.0742 and:0.0599 the:0.0557 of:0.0372 a:0.0216 will:0.0109 with:0.0095 that:0.0083 or:0.0082 -:0.5857 the:0.2331 a:0.0467 his:0.0267 to:0.0248 their:0.0206 is:0.0168 tho:0.0160 will:0.0159 this:0.0137 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9264 good:0.0138 little:0.0122 great:0.0112 certain:0.0097 very:0.0074 the:0.0074 new:0.0046 small:0.0039 a:0.0033 -:0.6480 a:0.1152 the:0.0637 of:0.0466 and:0.0438 to:0.0362 his:0.0163 in:0.0137 any:0.0084 no:0.0082 -is:0.0302 was:0.0251 :0.8928 the:0.0108 will:0.0082 are:0.0079 been:0.0070 be:0.0064 had:0.0061 an:0.0055 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.7876 of:0.1040 other:0.0280 years:0.0257 and:0.0140 the:0.0122 a:0.0098 men:0.0065 more:0.0065 times:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.4540 a:0.1333 :0.2322 his:0.0589 their:0.0247 an:0.0246 this:0.0209 its:0.0199 tho:0.0187 her:0.0128 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8624 and:0.0411 of:0.0341 day:0.0157 to:0.0140 time:0.0134 year:0.0061 or:0.0055 the:0.0039 line:0.0038 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6789 the:0.1494 of:0.0621 and:0.0290 a:0.0282 an:0.0200 in:0.0123 no:0.0069 this:0.0068 that:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6234 to:0.1245 of:0.0788 and:0.0432 from:0.0328 in:0.0274 wide:0.0187 on:0.0179 thence:0.0169 or:0.0164 -the:0.3492 :0.5402 a:0.0297 tho:0.0147 this:0.0144 his:0.0125 tbe:0.0111 their:0.0099 her:0.0096 an:0.0087 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7454 not:0.0697 in:0.0390 to:0.0369 as:0.0282 made:0.0179 quite:0.0173 a:0.0159 only:0.0149 at:0.0148 -the:0.0806 :0.8206 a:0.0450 tho:0.0140 an:0.0124 most:0.0062 of:0.0059 his:0.0055 this:0.0055 and:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8439 and:0.0449 of:0.0302 to:0.0270 in:0.0130 for:0.0118 with:0.0083 the:0.0081 or:0.0071 by:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6413 was:0.1145 is:0.0576 and:0.0484 he:0.0322 are:0.0320 were:0.0218 has:0.0178 the:0.0173 be:0.0171 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9468 same:0.0137 law:0.0060 city:0.0059 matter:0.0050 country:0.0050 world:0.0049 time:0.0045 county:0.0042 interest:0.0040 -:0.9263 will:0.0151 and:0.0111 would:0.0100 who:0.0075 time:0.0072 to:0.0070 people:0.0054 men:0.0052 we:0.0052 -a:0.2946 :0.5656 the:0.0441 an:0.0293 as:0.0217 of:0.0131 other:0.0121 and:0.0075 such:0.0060 tho:0.0058 -:0.9389 and:0.0208 it:0.0101 was:0.0094 is:0.0051 or:0.0037 to:0.0034 out:0.0030 be:0.0028 but:0.0027 -:0.6675 he:0.1777 she:0.0423 that:0.0295 mortgage:0.0195 who:0.0151 county:0.0143 it:0.0127 bonds:0.0112 they:0.0103 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.8642 little:0.0274 great:0.0212 few:0.0211 good:0.0175 long:0.0148 large:0.0095 single:0.0091 certain:0.0082 small:0.0070 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -the:0.1595 :0.4566 his:0.1090 a:0.0935 their:0.0522 in:0.0502 her:0.0235 to:0.0228 on:0.0180 by:0.0147 -:0.8681 and:0.0529 was:0.0184 of:0.0144 is:0.0120 are:0.0077 the:0.0072 in:0.0066 as:0.0065 or:0.0063 -:0.8935 and:0.0401 of:0.0242 in:0.0090 to:0.0079 or:0.0070 from:0.0047 with:0.0046 for:0.0046 on:0.0045 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.5648 to:0.1706 will:0.0950 and:0.0556 would:0.0373 can:0.0217 should:0.0164 could:0.0141 shall:0.0137 may:0.0107 -:0.8605 the:0.0762 all:0.0145 in:0.0110 a:0.0083 his:0.0081 other:0.0065 that:0.0057 it:0.0048 at:0.0044 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.6621 in:0.1119 the:0.0990 of:0.0316 a:0.0291 and:0.0234 was:0.0164 no:0.0101 had:0.0083 his:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7198 of:0.0706 and:0.0615 that:0.0423 the:0.0372 which:0.0209 to:0.0142 in:0.0137 for:0.0103 is:0.0097 -:0.9267 had:0.0212 have:0.0142 are:0.0085 do:0.0069 has:0.0051 did:0.0050 know:0.0043 think:0.0042 was:0.0039 -:0.9080 and:0.0303 well:0.0119 just:0.0101 known:0.0089 but:0.0074 soon:0.0061 long:0.0060 it:0.0060 such:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7942 the:0.0608 and:0.0412 was:0.0198 of:0.0171 or:0.0158 his:0.0132 a:0.0131 are:0.0127 this:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7331 to:0.0796 and:0.0722 was:0.0274 is:0.0203 he:0.0173 will:0.0171 who:0.0121 not:0.0115 can:0.0094 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.0296 said:0.0106 tho:0.0084 tbe:0.0078 a:0.0069 this:0.0056 :0.9199 every:0.0039 our:0.0037 his:0.0035 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.5693 of:0.2291 and:0.0727 the:0.0305 a:0.0281 or:0.0239 in:0.0142 to:0.0126 for:0.0102 that:0.0092 -:0.7717 and:0.0665 of:0.0474 to:0.0371 the:0.0196 in:0.0140 as:0.0138 for:0.0110 from:0.0107 by:0.0082 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8097 and:0.0362 the:0.0312 to:0.0297 not:0.0224 we:0.0193 who:0.0135 will:0.0131 a:0.0125 they:0.0124 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4060 :0.3392 and:0.0435 in:0.0416 to:0.0414 from:0.0378 on:0.0304 by:0.0239 for:0.0192 with:0.0169 -:0.7246 and:0.1791 was:0.0252 of:0.0177 is:0.0146 to:0.0111 will:0.0092 which:0.0062 are:0.0061 but:0.0061 -:0.5984 real:0.2085 the:0.1014 said:0.0198 of:0.0157 and:0.0156 a:0.0139 this:0.0104 tho:0.0098 to:0.0066 -the:0.3494 :0.4807 his:0.0383 their:0.0257 tho:0.0200 our:0.0184 its:0.0183 an:0.0168 a:0.0163 these:0.0160 -the:0.3105 a:0.2017 :0.3628 he:0.0216 his:0.0213 tho:0.0206 it:0.0189 this:0.0185 that:0.0146 no:0.0094 -:0.7167 years:0.0669 of:0.0477 days:0.0410 months:0.0288 miles:0.0233 or:0.0226 hundred:0.0193 weeks:0.0169 and:0.0168 -:0.8657 and:0.0283 of:0.0217 that:0.0192 the:0.0175 a:0.0148 in:0.0121 said:0.0073 all:0.0071 for:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8342 and:0.0374 was:0.0290 is:0.0250 will:0.0155 the:0.0146 are:0.0116 be:0.0113 to:0.0112 a:0.0103 -:0.9496 and:0.0145 of:0.0104 or:0.0044 day:0.0042 men:0.0039 man:0.0034 the:0.0033 other:0.0032 county:0.0031 -:0.7380 and:0.0990 of:0.0866 in:0.0186 for:0.0151 to:0.0097 at:0.0091 or:0.0085 as:0.0083 is:0.0071 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7387 the:0.0822 of:0.0572 and:0.0397 in:0.0219 to:0.0156 a:0.0146 at:0.0115 his:0.0103 for:0.0083 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.7870 and:0.0492 is:0.0289 are:0.0245 of:0.0228 was:0.0204 were:0.0194 for:0.0164 in:0.0159 at:0.0154 -:0.9110 as:0.0120 up:0.0115 according:0.0108 not:0.0105 him:0.0100 it:0.0097 them:0.0086 able:0.0085 going:0.0075 -the:0.4561 :0.4059 a:0.0374 his:0.0225 tho:0.0201 he:0.0159 tbe:0.0148 their:0.0108 our:0.0083 this:0.0082 -average:0.0184 inch:0.0182 old:0.0154 enormous:0.0144 occasional:0.0133 immediate:0.0109 hour:0.0101 annual:0.0099 excellent:0.0096 actual:0.0086 -:0.8548 in:0.0316 the:0.0296 and:0.0174 a:0.0148 to:0.0136 that:0.0115 for:0.0098 on:0.0086 be:0.0083 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8216 put:0.0411 went:0.0209 brought:0.0199 taken:0.0185 made:0.0166 set:0.0160 came:0.0158 picked:0.0150 come:0.0145 -:0.7707 and:0.1029 that:0.0411 as:0.0345 but:0.0164 which:0.0075 or:0.0074 is:0.0072 of:0.0062 to:0.0061 -:0.6413 the:0.1762 a:0.0877 and:0.0317 of:0.0200 his:0.0125 this:0.0082 tho:0.0079 no:0.0075 their:0.0071 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6847 they:0.1123 we:0.0733 there:0.0592 you:0.0227 it:0.0134 that:0.0121 and:0.0099 which:0.0068 as:0.0056 -:0.7735 the:0.0931 a:0.0352 north:0.0277 of:0.0188 in:0.0151 and:0.0100 east:0.0097 south:0.0093 this:0.0076 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8338 the:0.0585 a:0.0415 and:0.0149 of:0.0111 that:0.0106 to:0.0097 in:0.0073 he:0.0064 as:0.0063 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8274 the:0.0477 of:0.0319 and:0.0247 that:0.0162 a:0.0138 this:0.0112 in:0.0105 as:0.0096 which:0.0071 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6466 of:0.1366 and:0.0505 in:0.0391 that:0.0279 for:0.0256 to:0.0220 at:0.0220 or:0.0196 on:0.0100 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8528 is:0.0534 was:0.0234 in:0.0162 and:0.0116 the:0.0108 a:0.0096 has:0.0092 on:0.0067 be:0.0064 -:0.8981 and:0.0354 of:0.0204 that:0.0103 in:0.0084 it:0.0071 the:0.0069 he:0.0046 is:0.0045 or:0.0044 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9395 and:0.0194 be:0.0060 on:0.0057 in:0.0053 of:0.0053 have:0.0052 as:0.0050 to:0.0045 one:0.0040 -the:0.4814 :0.3468 a:0.0404 tho:0.0288 his:0.0256 said:0.0197 their:0.0175 our:0.0163 this:0.0135 tbe:0.0100 -:0.5658 it:0.3184 there:0.0309 which:0.0257 that:0.0129 he:0.0121 what:0.0110 this:0.0107 and:0.0085 him:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -of:0.2717 :0.4103 to:0.1525 in:0.0463 and:0.0353 with:0.0243 from:0.0207 the:0.0154 on:0.0135 that:0.0100 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.5077 to:0.1822 will:0.0928 would:0.0467 and:0.0349 can:0.0328 is:0.0304 was:0.0264 are:0.0244 a:0.0218 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7369 and:0.0494 was:0.0474 is:0.0388 the:0.0295 he:0.0274 had:0.0209 has:0.0197 be:0.0156 have:0.0143 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8500 and:0.0710 but:0.0189 him:0.0138 them:0.0112 to:0.0082 us:0.0071 me:0.0071 up:0.0069 it:0.0060 -:0.8792 and:0.0373 him:0.0241 them:0.0163 or:0.0092 me:0.0081 us:0.0073 that:0.0070 it:0.0067 up:0.0048 -:0.8313 south:0.0535 north:0.0422 the:0.0133 of:0.0129 with:0.0127 in:0.0096 to:0.0092 and:0.0082 east:0.0070 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -to:0.2238 of:0.1665 :0.4538 for:0.0424 in:0.0343 and:0.0298 by:0.0200 will:0.0127 with:0.0089 from:0.0077 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -it:0.3263 :0.3639 he:0.1256 there:0.1034 she:0.0251 which:0.0141 what:0.0135 that:0.0113 ho:0.0087 they:0.0083 -:0.9457 and:0.0114 one:0.0094 more:0.0070 that:0.0058 two:0.0053 to:0.0043 than:0.0038 of:0.0037 about:0.0035 -:0.7396 the:0.0887 and:0.0431 of:0.0415 to:0.0276 an:0.0195 or:0.0123 in:0.0110 a:0.0090 tho:0.0076 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.8146 of:0.0760 the:0.0342 and:0.0208 in:0.0142 for:0.0125 by:0.0103 on:0.0065 or:0.0059 with:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7611 and:0.0719 as:0.0491 been:0.0477 ago:0.0229 be:0.0113 but:0.0108 is:0.0100 was:0.0086 are:0.0065 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7801 to:0.0766 and:0.0603 of:0.0348 for:0.0126 was:0.0078 that:0.0075 in:0.0072 the:0.0066 will:0.0065 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.9489 amount:0.0079 case:0.0064 day:0.0064 city:0.0060 part:0.0059 matter:0.0051 people:0.0046 sum:0.0045 one:0.0044 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8588 and:0.0427 the:0.0301 is:0.0154 was:0.0132 of:0.0120 a:0.0075 that:0.0068 he:0.0068 not:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7104 was:0.0776 and:0.0542 to:0.0348 has:0.0294 is:0.0245 had:0.0209 will:0.0164 who:0.0160 would:0.0157 -to:0.1725 :0.5987 and:0.0961 was:0.0300 would:0.0218 will:0.0192 has:0.0183 are:0.0147 were:0.0146 can:0.0140 -:0.9414 one:0.0137 part:0.0114 number:0.0068 line:0.0051 many:0.0049 day:0.0048 out:0.0044 side:0.0039 half:0.0036 -of:0.3752 :0.3970 in:0.0816 and:0.0255 on:0.0241 for:0.0210 with:0.0200 that:0.0190 to:0.0183 from:0.0182 -to:0.9199 :0.0557 and:0.0109 in:0.0031 for:0.0026 by:0.0020 the:0.0019 of:0.0017 as:0.0011 or:0.0010 -not:0.2018 :0.5064 be:0.1306 have:0.0418 make:0.0376 get:0.0242 find:0.0199 do:0.0128 take:0.0124 bo:0.0124 -:0.9634 it:0.0106 then:0.0054 that:0.0042 made:0.0040 paid:0.0029 place:0.0025 used:0.0025 provided:0.0024 he:0.0022 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7932 the:0.0860 and:0.0318 of:0.0233 to:0.0183 in:0.0141 a:0.0106 that:0.0086 for:0.0074 by:0.0068 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7728 not:0.1027 a:0.0322 the:0.0228 being:0.0155 that:0.0126 then:0.0119 one:0.0104 so:0.0101 he:0.0090 -:0.5463 a:0.2442 the:0.1091 of:0.0436 and:0.0145 in:0.0127 any:0.0083 his:0.0075 no:0.0073 very:0.0064 -:0.7669 time:0.0754 days:0.0489 years:0.0295 day:0.0236 times:0.0176 and:0.0105 year:0.0096 thing:0.0091 months:0.0089 -a:0.1263 the:0.1080 is:0.0771 :0.5216 and:0.0541 his:0.0289 as:0.0225 or:0.0215 so:0.0211 their:0.0190 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -the:0.3629 :0.4853 a:0.0875 their:0.0115 his:0.0095 its:0.0094 tho:0.0090 an:0.0086 our:0.0085 to:0.0078 -:0.8826 it:0.0278 have:0.0166 that:0.0139 which:0.0122 he:0.0111 a:0.0106 and:0.0105 this:0.0075 they:0.0073 -:0.7577 the:0.1408 of:0.0269 a:0.0150 and:0.0131 in:0.0124 tho:0.0108 this:0.0092 said:0.0087 last:0.0055 -:0.8486 the:0.0389 of:0.0268 and:0.0263 in:0.0145 a:0.0136 to:0.0098 by:0.0083 for:0.0076 on:0.0056 -was:0.0182 :0.9146 is:0.0110 are:0.0102 had:0.0091 has:0.0090 have:0.0074 he:0.0073 were:0.0066 we:0.0066 -:0.6528 with:0.0772 of:0.0695 in:0.0674 to:0.0325 by:0.0272 for:0.0203 south:0.0191 on:0.0171 from:0.0169 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -the:0.6636 :0.1598 his:0.0492 tho:0.0404 a:0.0253 their:0.0190 tbe:0.0135 said:0.0114 its:0.0097 this:0.0081 -:0.6909 of:0.0884 and:0.0599 that:0.0445 in:0.0379 to:0.0264 the:0.0151 on:0.0123 are:0.0123 with:0.0123 -:0.7121 a:0.1093 the:0.1002 his:0.0250 their:0.0116 that:0.0098 so:0.0088 in:0.0082 its:0.0076 he:0.0074 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9124 hour:0.0416 old:0.0085 inch:0.0064 opportunity:0.0063 increase:0.0057 act:0.0048 average:0.0048 action:0.0048 eye:0.0046 -:0.6127 was:0.0688 is:0.0511 as:0.0509 and:0.0451 are:0.0447 be:0.0439 has:0.0307 hereby:0.0262 been:0.0259 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6047 the:0.1772 of:0.0895 a:0.0283 and:0.0273 was:0.0207 in:0.0154 his:0.0132 is:0.0123 for:0.0116 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.8338 the:0.0585 a:0.0415 and:0.0149 of:0.0111 that:0.0106 to:0.0097 in:0.0073 he:0.0064 as:0.0063 -:0.9236 said:0.0204 was:0.0154 had:0.0094 will:0.0073 is:0.0062 would:0.0052 a:0.0048 to:0.0041 and:0.0036 -:0.7265 of:0.0856 the:0.0574 and:0.0392 a:0.0351 for:0.0131 to:0.0126 in:0.0116 at:0.0095 or:0.0093 -:0.8230 the:0.1171 a:0.0105 and:0.0098 that:0.0082 of:0.0079 this:0.0072 in:0.0059 it:0.0053 which:0.0051 -:0.7072 the:0.1254 of:0.0659 and:0.0406 a:0.0159 or:0.0100 to:0.0092 in:0.0091 this:0.0085 was:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.5672 :0.3452 and:0.0332 in:0.0134 or:0.0119 with:0.0068 on:0.0060 ot:0.0058 the:0.0056 to:0.0050 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.7175 of:0.0810 in:0.0468 to:0.0363 and:0.0336 with:0.0222 at:0.0217 a:0.0162 the:0.0127 are:0.0122 -:0.9428 and:0.0216 was:0.0075 it:0.0057 interest:0.0044 is:0.0041 as:0.0040 but:0.0036 that:0.0035 made:0.0029 -:0.6744 the:0.1019 a:0.0670 no:0.0284 more:0.0265 less:0.0239 his:0.0225 two:0.0211 any:0.0177 not:0.0167 -:0.8313 south:0.0535 north:0.0422 the:0.0133 of:0.0129 with:0.0127 in:0.0096 to:0.0092 and:0.0082 east:0.0070 -had:0.1856 not:0.1603 :0.3514 always:0.0769 already:0.0641 ever:0.0507 never:0.0406 been:0.0311 has:0.0219 have:0.0175 -:0.5657 one:0.3193 two:0.0417 few:0.0230 three:0.0131 and:0.0099 a:0.0084 four:0.0070 time:0.0061 five:0.0060 -:0.6004 a:0.1098 of:0.0753 and:0.0503 is:0.0415 the:0.0299 are:0.0273 was:0.0272 or:0.0256 in:0.0129 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.7510 the:0.1213 a:0.0491 this:0.0173 that:0.0148 which:0.0147 these:0.0102 his:0.0077 tho:0.0072 those:0.0067 -:0.8322 and:0.0851 to:0.0183 but:0.0112 is:0.0109 or:0.0102 was:0.0101 that:0.0091 are:0.0066 of:0.0063 -:0.4994 was:0.1329 be:0.0820 has:0.0653 had:0.0601 is:0.0484 have:0.0483 were:0.0235 are:0.0220 and:0.0181 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5692 in:0.0880 to:0.0681 with:0.0531 of:0.0486 on:0.0389 for:0.0380 by:0.0351 all:0.0316 at:0.0293 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8091 more:0.1174 less:0.0150 was:0.0150 better:0.0101 is:0.0094 as:0.0074 and:0.0072 now:0.0048 are:0.0046 -:0.7129 of:0.1444 and:0.0555 to:0.0198 in:0.0162 or:0.0145 with:0.0113 for:0.0093 at:0.0090 was:0.0070 -:0.7121 the:0.1487 a:0.0671 his:0.0193 of:0.0112 tho:0.0102 and:0.0101 their:0.0088 in:0.0063 our:0.0062 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7525 of:0.0969 and:0.0701 in:0.0202 to:0.0150 as:0.0111 that:0.0096 who:0.0089 or:0.0087 the:0.0070 -:0.7509 two:0.0722 more:0.0624 three:0.0362 less:0.0257 four:0.0130 other:0.0107 otherwise:0.0105 six:0.0094 parcel:0.0090 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.8378 more:0.0539 better:0.0277 less:0.0234 greater:0.0130 larger:0.0123 other:0.0109 worse:0.0076 higher:0.0069 right:0.0064 -:0.8123 made:0.0513 given:0.0252 done:0.0223 held:0.0202 paid:0.0184 foreclosed:0.0131 followed:0.0128 found:0.0122 seen:0.0121 -:0.6556 the:0.1734 his:0.0758 a:0.0288 every:0.0128 two:0.0113 in:0.0113 tho:0.0107 its:0.0103 all:0.0100 -:0.8265 and:0.0577 of:0.0345 as:0.0201 to:0.0165 the:0.0127 from:0.0112 in:0.0084 or:0.0071 with:0.0053 -:0.6287 was:0.1132 and:0.0767 is:0.0744 are:0.0296 be:0.0272 were:0.0188 not:0.0109 have:0.0104 has:0.0100 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7167 or:0.0568 and:0.0497 of:0.0495 for:0.0381 the:0.0294 in:0.0214 with:0.0171 about:0.0127 than:0.0087 -:0.8666 be:0.0263 come:0.0175 him:0.0163 work:0.0146 vote:0.0137 go:0.0130 provide:0.0113 pay:0.0104 look:0.0102 -:0.9295 man:0.0156 bill:0.0092 matter:0.0079 result:0.0077 law:0.0073 word:0.0065 it:0.0057 day:0.0054 question:0.0053 -:0.7698 as:0.1002 and:0.0457 not:0.0338 a:0.0111 it:0.0095 but:0.0085 very:0.0075 so:0.0070 well:0.0070 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8897 the:0.0313 a:0.0208 to:0.0172 that:0.0082 it:0.0072 be:0.0069 in:0.0067 one:0.0062 and:0.0060 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.7473 to:0.0555 of:0.0550 and:0.0430 in:0.0334 the:0.0160 for:0.0149 a:0.0141 at:0.0105 on:0.0104 -:0.6760 it:0.1196 and:0.0487 there:0.0415 that:0.0304 which:0.0289 who:0.0195 he:0.0138 as:0.0112 but:0.0103 -a:0.2314 :0.5425 the:0.1283 those:0.0209 all:0.0163 one:0.0153 her:0.0129 an:0.0124 it:0.0106 this:0.0094 -:0.7182 the:0.1354 a:0.0392 it:0.0266 that:0.0210 in:0.0148 to:0.0129 an:0.0113 and:0.0110 he:0.0095 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.5477 of:0.2599 in:0.0538 and:0.0329 for:0.0251 that:0.0233 with:0.0179 to:0.0153 all:0.0128 by:0.0114 -been:0.6192 :0.2455 ever:0.0290 not:0.0277 had:0.0163 already:0.0146 never:0.0132 be:0.0130 always:0.0122 he:0.0093 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7861 the:0.1169 and:0.0307 a:0.0147 his:0.0120 of:0.0102 an:0.0087 to:0.0081 tho:0.0064 their:0.0061 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8696 other:0.0270 more:0.0246 one:0.0212 doubt:0.0188 longer:0.0133 reason:0.0070 matter:0.0062 better:0.0061 the:0.0061 -:0.5805 the:0.2077 a:0.0648 of:0.0477 and:0.0271 that:0.0185 in:0.0182 this:0.0140 his:0.0114 to:0.0100 -:0.6691 the:0.1148 of:0.0835 and:0.0472 to:0.0339 his:0.0133 in:0.0122 all:0.0102 a:0.0085 will:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7246 and:0.1791 was:0.0252 of:0.0177 is:0.0146 to:0.0111 will:0.0092 which:0.0062 are:0.0061 but:0.0061 -:0.7866 and:0.0495 of:0.0337 to:0.0322 a:0.0271 or:0.0230 the:0.0155 for:0.0126 in:0.0113 by:0.0084 -:0.8826 the:0.0290 a:0.0241 and:0.0209 his:0.0137 in:0.0070 was:0.0058 were:0.0057 he:0.0057 two:0.0056 -:0.8042 went:0.0442 and:0.0327 came:0.0311 of:0.0203 carried:0.0193 are:0.0154 in:0.0117 is:0.0106 sent:0.0104 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8520 of:0.0526 and:0.0298 is:0.0156 the:0.0151 was:0.0088 in:0.0086 to:0.0065 as:0.0058 are:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7637 has:0.0507 and:0.0357 have:0.0347 is:0.0278 was:0.0245 had:0.0219 than:0.0145 who:0.0134 he:0.0133 -the:0.2539 :0.5371 his:0.0423 each:0.0372 one:0.0325 south:0.0255 a:0.0213 their:0.0203 north:0.0158 this:0.0141 -:0.8115 and:0.0391 was:0.0381 of:0.0361 is:0.0320 or:0.0096 are:0.0093 to:0.0088 in:0.0083 for:0.0073 -be:0.5552 :0.2407 have:0.0680 bo:0.0634 not:0.0377 been:0.0093 never:0.0075 always:0.0074 he:0.0062 to:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6312 the:0.2736 a:0.0242 and:0.0217 of:0.0138 an:0.0086 this:0.0078 tho:0.0067 or:0.0064 his:0.0059 -has:0.4399 had:0.4370 :0.0644 have:0.0218 lias:0.0121 bad:0.0062 baa:0.0055 was:0.0047 having:0.0047 haa:0.0037 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4660 in:0.1029 of:0.0909 to:0.0862 that:0.0831 for:0.0661 at:0.0317 by:0.0295 on:0.0237 and:0.0199 -the:0.0229 a:0.0220 that:0.0172 :0.8936 to:0.0141 by:0.0064 on:0.0062 any:0.0061 in:0.0061 tho:0.0056 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9162 public:0.0287 same:0.0108 most:0.0092 great:0.0086 new:0.0059 first:0.0054 following:0.0053 said:0.0050 two:0.0049 -:0.9058 the:0.0207 them:0.0141 him:0.0136 it:0.0092 a:0.0086 which:0.0079 that:0.0069 and:0.0068 us:0.0062 -:0.4832 has:0.1665 had:0.1343 have:0.1183 not:0.0311 having:0.0245 ha:0.0115 lias:0.0104 bad:0.0101 also:0.0100 -the:0.4169 :0.3894 a:0.0611 his:0.0327 tho:0.0246 our:0.0232 their:0.0175 these:0.0150 its:0.0106 this:0.0090 -:0.7555 the:0.0904 a:0.0490 of:0.0306 in:0.0155 and:0.0155 all:0.0120 by:0.0119 at:0.0103 one:0.0093 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -be:0.1689 :0.6189 not:0.0914 bo:0.0394 have:0.0225 take:0.0170 he:0.0117 never:0.0111 soon:0.0096 do:0.0095 -:0.6308 that:0.1649 the:0.0533 a:0.0339 to:0.0330 it:0.0293 of:0.0182 he:0.0134 in:0.0124 they:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8375 and:0.0450 of:0.0300 that:0.0299 the:0.0226 to:0.0101 in:0.0079 for:0.0058 it:0.0057 a:0.0055 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.6047 the:0.1351 to:0.0991 and:0.0503 of:0.0440 in:0.0214 a:0.0174 for:0.0115 their:0.0083 his:0.0082 -:0.9522 it:0.0093 men:0.0070 him:0.0064 them:0.0049 in:0.0046 years:0.0043 up:0.0043 hundred:0.0041 times:0.0029 -:0.7706 the:0.1178 and:0.0281 of:0.0177 a:0.0172 his:0.0137 was:0.0122 in:0.0087 tho:0.0072 is:0.0068 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7108 of:0.1050 the:0.0461 old:0.0327 and:0.0294 in:0.0226 no:0.0173 that:0.0148 ago:0.0107 with:0.0104 -:0.9219 and:0.0260 out:0.0108 times:0.0070 time:0.0062 or:0.0061 that:0.0059 but:0.0056 down:0.0055 home:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9430 hour:0.0170 act:0.0072 and:0.0060 he:0.0055 opportunity:0.0049 action:0.0044 amount:0.0044 has:0.0041 attack:0.0034 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -to:0.2250 :0.5920 the:0.0574 of:0.0383 for:0.0302 would:0.0137 will:0.0122 that:0.0118 tho:0.0099 by:0.0096 -:0.9545 same:0.0091 city:0.0079 world:0.0053 first:0.0044 following:0.0040 most:0.0040 country:0.0038 people:0.0036 county:0.0034 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6903 the:0.1129 to:0.0665 of:0.0338 and:0.0316 a:0.0178 at:0.0129 in:0.0122 his:0.0113 this:0.0107 -:0.8966 of:0.0274 the:0.0272 and:0.0155 in:0.0080 that:0.0065 min:0.0050 was:0.0049 which:0.0046 on:0.0043 -:0.7921 and:0.0576 is:0.0380 was:0.0375 be:0.0252 are:0.0139 the:0.0114 were:0.0089 he:0.0084 have:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7167 years:0.0669 of:0.0477 days:0.0410 months:0.0288 miles:0.0233 or:0.0226 hundred:0.0193 weeks:0.0169 and:0.0168 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7131 has:0.0610 and:0.0590 have:0.0378 had:0.0338 will:0.0250 would:0.0213 was:0.0210 he:0.0145 is:0.0135 -to:0.3049 of:0.1514 :0.2722 in:0.0747 for:0.0655 by:0.0340 on:0.0310 from:0.0251 with:0.0207 and:0.0206 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.7925 the:0.0833 of:0.0364 and:0.0202 a:0.0162 that:0.0130 in:0.0111 to:0.0110 it:0.0083 or:0.0080 -not:0.0391 so:0.0195 all:0.0070 us:0.0059 :0.9112 a:0.0042 him:0.0037 the:0.0032 some:0.0032 their:0.0031 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -follows:0.0420 a:0.0135 well:0.0093 they:0.0082 usual:0.0073 possible:0.0067 much:0.0057 soon:0.0054 the:0.0049 many:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -be:0.8323 bo:0.0379 have:0.0291 :0.0621 he:0.0169 not:0.0126 lie:0.0039 never:0.0023 also:0.0016 probably:0.0014 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -of:0.3877 :0.4619 in:0.0546 and:0.0216 on:0.0174 for:0.0152 are:0.0117 to:0.0108 at:0.0096 with:0.0094 -:0.5385 the:0.2822 at:0.0597 and:0.0412 of:0.0171 to:0.0158 a:0.0152 was:0.0132 tho:0.0093 his:0.0079 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4266 :0.4639 and:0.0315 which:0.0151 the:0.0138 or:0.0135 in:0.0119 to:0.0104 on:0.0074 ot:0.0059 -:0.8284 and:0.0571 was:0.0221 he:0.0187 of:0.0148 be:0.0145 in:0.0126 is:0.0123 have:0.0101 they:0.0093 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.6233 the:0.1877 of:0.0368 an:0.0334 and:0.0232 to:0.0230 in:0.0224 his:0.0192 a:0.0178 tho:0.0132 -:0.6031 to:0.1089 of:0.0839 and:0.0656 that:0.0374 in:0.0369 for:0.0305 with:0.0140 is:0.0108 at:0.0089 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.3764 his:0.1165 :0.2648 their:0.0666 a:0.0590 our:0.0297 its:0.0293 my:0.0264 tho:0.0163 this:0.0150 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.9361 world:0.0105 city:0.0079 law:0.0078 government:0.0066 bill:0.0064 case:0.0064 result:0.0061 same:0.0061 land:0.0061 -:0.8238 it:0.0606 and:0.0275 he:0.0184 we:0.0165 which:0.0138 who:0.0111 was:0.0107 that:0.0093 there:0.0083 -:0.8775 him:0.0371 them:0.0231 it:0.0186 interest:0.0135 us:0.0100 me:0.0064 all:0.0051 her:0.0051 that:0.0036 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8966 the:0.0264 and:0.0216 of:0.0174 a:0.0103 to:0.0090 it:0.0067 in:0.0057 said:0.0032 this:0.0032 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -will:0.1968 can:0.1465 could:0.0963 would:0.0822 :0.2728 may:0.0496 should:0.0473 must:0.0402 might:0.0347 shall:0.0335 -:0.6793 the:0.1490 a:0.0463 and:0.0337 to:0.0288 of:0.0179 is:0.0135 in:0.0118 was:0.0103 or:0.0095 -:0.9303 and:0.0325 is:0.0065 was:0.0061 it:0.0049 that:0.0046 of:0.0043 him:0.0041 but:0.0034 went:0.0033 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.7648 the:0.0571 of:0.0493 to:0.0310 and:0.0237 a:0.0197 in:0.0163 for:0.0138 with:0.0125 that:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -the:0.4064 :0.4080 his:0.0387 tho:0.0281 this:0.0261 said:0.0255 our:0.0201 a:0.0196 their:0.0152 any:0.0122 -:0.8717 same:0.0463 last:0.0188 first:0.0126 next:0.0124 most:0.0110 whole:0.0074 best:0.0070 great:0.0067 th:0.0062 -:0.7727 more:0.1272 less:0.0398 better:0.0226 rather:0.0120 and:0.0070 worse:0.0063 higher:0.0047 other:0.0046 the:0.0033 -:0.7042 the:0.1424 a:0.0599 of:0.0323 and:0.0190 his:0.0138 tho:0.0078 in:0.0074 their:0.0073 our:0.0058 -:0.7261 south:0.0789 the:0.0745 north:0.0572 with:0.0166 a:0.0153 all:0.0086 of:0.0077 by:0.0076 most:0.0075 -:0.8840 made:0.0319 found:0.0223 given:0.0116 paid:0.0099 held:0.0093 done:0.0092 it:0.0083 sold:0.0073 used:0.0063 -:0.6625 he:0.0947 which:0.0573 and:0.0536 that:0.0411 it:0.0348 who:0.0270 there:0.0125 but:0.0083 she:0.0081 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -the:0.1870 :0.5709 his:0.0625 a:0.0621 their:0.0283 for:0.0219 in:0.0191 at:0.0173 of:0.0156 tho:0.0153 -we:0.2809 :0.3910 they:0.2105 you:0.0321 who:0.0299 he:0.0270 will:0.0083 would:0.0070 to:0.0069 it:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8563 and:0.0380 of:0.0210 in:0.0177 is:0.0140 to:0.0133 have:0.0113 that:0.0109 the:0.0095 was:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8927 the:0.0504 and:0.0198 in:0.0083 his:0.0055 a:0.0055 of:0.0048 one:0.0045 for:0.0044 public:0.0041 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.5473 to:0.1501 and:0.0713 will:0.0701 of:0.0509 would:0.0482 we:0.0199 should:0.0177 may:0.0138 can:0.0107 -:0.9392 and:0.0200 to:0.0089 it:0.0083 him:0.0044 out:0.0043 that:0.0041 them:0.0039 will:0.0036 or:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9132 year:0.0171 and:0.0158 day:0.0136 hundred:0.0087 week:0.0070 or:0.0067 man:0.0061 was:0.0060 is:0.0057 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.9458 children:0.0078 lives:0.0067 hands:0.0061 friends:0.0061 way:0.0059 own:0.0058 homes:0.0057 home:0.0055 wife:0.0045 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5245 the:0.2152 a:0.1151 his:0.0334 and:0.0309 in:0.0214 her:0.0174 their:0.0147 for:0.0137 of:0.0137 -:0.7368 be:0.1117 come:0.0675 bo:0.0175 go:0.0163 not:0.0128 have:0.0122 take:0.0090 look:0.0083 depend:0.0078 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.9133 times:0.0142 persons:0.0137 men:0.0112 and:0.0104 that:0.0098 described:0.0085 who:0.0072 interest:0.0060 them:0.0057 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9280 people:0.0224 men:0.0123 city:0.0078 world:0.0057 farmers:0.0055 officers:0.0050 law:0.0048 boys:0.0047 same:0.0039 -:0.7796 and:0.0674 to:0.0297 was:0.0268 of:0.0260 or:0.0201 is:0.0180 for:0.0124 has:0.0109 that:0.0091 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7045 and:0.0890 of:0.0799 in:0.0278 to:0.0261 that:0.0233 the:0.0178 is:0.0124 or:0.0100 for:0.0092 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.6753 the:0.1845 a:0.0461 and:0.0275 in:0.0225 of:0.0133 this:0.0086 his:0.0080 said:0.0076 is:0.0066 -:0.7261 in:0.1281 of:0.0321 to:0.0230 at:0.0206 that:0.0173 on:0.0167 for:0.0139 and:0.0113 with:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7017 as:0.1664 the:0.0221 from:0.0199 by:0.0186 more:0.0185 and:0.0164 in:0.0143 to:0.0124 out:0.0097 -:0.8450 failed:0.0297 come:0.0231 made:0.0203 been:0.0185 able:0.0158 tried:0.0131 gone:0.0128 endeavored:0.0116 not:0.0100 -:0.8562 of:0.0605 in:0.0241 on:0.0235 and:0.0109 or:0.0069 the:0.0051 that:0.0046 from:0.0042 last:0.0040 -:0.9472 country:0.0079 law:0.0074 world:0.0072 city:0.0066 matter:0.0062 fact:0.0053 case:0.0047 people:0.0041 bill:0.0033 -:0.7753 and:0.0559 or:0.0353 is:0.0339 of:0.0272 the:0.0213 no:0.0144 was:0.0135 a:0.0128 are:0.0105 -the:0.4192 :0.4168 his:0.0418 tho:0.0246 their:0.0217 a:0.0199 its:0.0166 tbe:0.0144 our:0.0134 this:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7834 very:0.0516 great:0.0438 little:0.0285 large:0.0221 good:0.0217 few:0.0155 certain:0.0139 new:0.0103 long:0.0092 -the:0.2605 :0.5480 be:0.0793 his:0.0310 a:0.0252 tho:0.0149 have:0.0119 this:0.0119 her:0.0093 their:0.0080 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8667 all:0.0387 the:0.0332 that:0.0249 which:0.0106 in:0.0065 a:0.0060 about:0.0048 of:0.0045 said:0.0042 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8233 filled:0.0346 charged:0.0290 compared:0.0239 complied:0.0198 covered:0.0168 together:0.0156 met:0.0146 found:0.0120 provided:0.0103 -:0.8001 great:0.0568 good:0.0353 little:0.0291 large:0.0159 very:0.0147 certain:0.0132 new:0.0130 small:0.0123 few:0.0095 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7727 more:0.1272 less:0.0398 better:0.0226 rather:0.0120 and:0.0070 worse:0.0063 higher:0.0047 other:0.0046 the:0.0033 -:0.7290 the:0.0885 a:0.0869 and:0.0304 that:0.0169 this:0.0168 of:0.0102 no:0.0086 in:0.0066 one:0.0063 -:0.7009 to:0.0776 of:0.0617 and:0.0527 the:0.0281 for:0.0194 by:0.0166 in:0.0160 as:0.0148 that:0.0123 -the:0.3887 :0.4765 a:0.0592 tho:0.0147 an:0.0115 their:0.0114 tbe:0.0108 said:0.0104 his:0.0090 our:0.0078 -:0.6498 of:0.1736 and:0.0705 in:0.0230 or:0.0227 is:0.0149 was:0.0137 the:0.0136 to:0.0107 on:0.0075 -the:0.4269 :0.3642 this:0.0587 a:0.0580 his:0.0249 tho:0.0248 our:0.0112 their:0.0112 said:0.0104 its:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8790 the:0.0280 and:0.0169 that:0.0167 it:0.0130 a:0.0122 at:0.0120 this:0.0078 in:0.0072 which:0.0072 -:0.8353 and:0.0587 was:0.0208 of:0.0193 is:0.0146 or:0.0136 for:0.0118 as:0.0101 be:0.0085 in:0.0074 -:0.6022 no:0.2155 the:0.0566 of:0.0323 and:0.0314 in:0.0216 any:0.0128 a:0.0119 this:0.0084 to:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9037 and:0.0379 of:0.0176 the:0.0094 in:0.0068 he:0.0059 that:0.0053 it:0.0051 which:0.0045 was:0.0039 -:0.6921 a:0.0598 and:0.0581 of:0.0448 the:0.0444 are:0.0285 was:0.0251 is:0.0179 were:0.0158 to:0.0135 -:0.7173 the:0.0958 a:0.0443 and:0.0438 of:0.0348 to:0.0251 in:0.0123 his:0.0099 have:0.0087 their:0.0081 -:0.9035 and:0.0191 in:0.0154 to:0.0121 say:0.0092 know:0.0086 not:0.0084 so:0.0083 seen:0.0078 found:0.0076 -:0.9451 one:0.0142 part:0.0082 and:0.0064 day:0.0058 or:0.0058 line:0.0039 out:0.0036 kind:0.0035 number:0.0034 -:0.7020 and:0.0944 of:0.0682 to:0.0346 in:0.0251 who:0.0202 was:0.0187 at:0.0133 or:0.0119 for:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7336 and:0.1008 was:0.0310 he:0.0249 have:0.0214 is:0.0191 be:0.0185 has:0.0183 who:0.0166 are:0.0158 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -of:0.2465 :0.3547 in:0.0954 with:0.0605 and:0.0554 to:0.0511 by:0.0492 from:0.0321 for:0.0311 on:0.0240 -:0.8541 and:0.0413 of:0.0214 was:0.0186 the:0.0141 is:0.0121 in:0.0112 be:0.0105 to:0.0088 have:0.0080 -:0.7820 of:0.0571 and:0.0465 in:0.0268 or:0.0237 to:0.0205 for:0.0117 the:0.0116 with:0.0100 are:0.0100 -:0.9680 it:0.0080 other:0.0040 wife:0.0040 all:0.0038 in:0.0026 others:0.0026 then:0.0025 interest:0.0023 there:0.0021 -:0.6350 of:0.1301 for:0.0672 and:0.0498 in:0.0348 the:0.0274 by:0.0163 to:0.0147 with:0.0132 that:0.0115 -:0.7801 of:0.0648 to:0.0288 and:0.0283 in:0.0277 for:0.0167 on:0.0153 the:0.0140 it:0.0126 by:0.0118 -of:0.3388 :0.3482 to:0.1045 in:0.0864 and:0.0320 for:0.0298 on:0.0232 from:0.0134 at:0.0125 by:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2140 :0.4990 and:0.0674 is:0.0510 the:0.0435 to:0.0306 or:0.0269 in:0.0247 was:0.0236 for:0.0193 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -have:0.4859 :0.3016 had:0.0439 always:0.0368 yet:0.0320 be:0.0245 havo:0.0225 has:0.0186 having:0.0177 only:0.0166 -:0.6697 the:0.0689 in:0.0635 that:0.0586 a:0.0426 to:0.0395 it:0.0190 and:0.0145 by:0.0121 on:0.0116 -:0.9414 one:0.0137 part:0.0114 number:0.0068 line:0.0051 many:0.0049 day:0.0048 out:0.0044 side:0.0039 half:0.0036 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.9375 it:0.0292 he:0.0075 that:0.0056 and:0.0053 there:0.0039 was:0.0034 all:0.0027 in:0.0026 out:0.0024 -the:0.1019 :0.6258 a:0.0794 and:0.0534 by:0.0383 his:0.0240 for:0.0229 to:0.0201 with:0.0173 that:0.0169 -:0.6875 and:0.0737 of:0.0598 who:0.0563 in:0.0344 to:0.0240 are:0.0227 were:0.0200 on:0.0114 have:0.0101 -:0.9197 and:0.0305 was:0.0097 it:0.0087 of:0.0076 to:0.0068 is:0.0061 will:0.0040 that:0.0038 he:0.0031 -:0.8360 one:0.0606 other:0.0198 large:0.0154 a:0.0137 little:0.0119 day:0.0113 the:0.0111 two:0.0110 young:0.0092 -:0.9360 the:0.0147 and:0.0121 of:0.0114 in:0.0067 at:0.0046 that:0.0038 a:0.0037 are:0.0036 will:0.0034 -:0.9182 fact:0.0241 matter:0.0110 man:0.0096 thing:0.0068 word:0.0067 certain:0.0066 doubt:0.0059 statement:0.0058 law:0.0054 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8680 and:0.0324 to:0.0242 of:0.0217 the:0.0142 in:0.0133 for:0.0088 that:0.0076 or:0.0049 a:0.0048 -:0.8740 and:0.0315 the:0.0238 of:0.0187 a:0.0122 to:0.0121 in:0.0120 was:0.0067 or:0.0045 for:0.0044 -:0.6537 be:0.0839 is:0.0533 and:0.0482 was:0.0433 are:0.0377 as:0.0289 were:0.0207 he:0.0169 not:0.0134 -:0.8238 day:0.0475 year:0.0254 time:0.0249 and:0.0227 morning:0.0146 to:0.0145 of:0.0114 be:0.0082 week:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4199 :0.4033 and:0.0476 the:0.0293 in:0.0251 was:0.0207 or:0.0162 a:0.0156 with:0.0134 is:0.0089 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -not:0.3236 :0.5734 that:0.0215 you:0.0164 he:0.0151 it:0.0138 to:0.0121 all:0.0086 the:0.0083 also:0.0072 -:0.7327 of:0.0768 and:0.0574 in:0.0403 the:0.0192 to:0.0174 was:0.0168 by:0.0153 is:0.0126 or:0.0115 -:0.9246 is:0.0166 city:0.0123 to:0.0087 country:0.0066 and:0.0066 county:0.0063 great:0.0061 act:0.0061 be:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7341 of:0.0793 in:0.0416 to:0.0332 and:0.0278 at:0.0221 a:0.0210 for:0.0185 the:0.0131 with:0.0093 -:0.5092 have:0.1035 be:0.0925 was:0.0652 had:0.0590 is:0.0533 has:0.0430 and:0.0254 were:0.0248 are:0.0241 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -of:0.2982 and:0.1247 :0.3863 a:0.0434 the:0.0430 in:0.0264 or:0.0235 for:0.0214 as:0.0193 on:0.0139 -:0.9622 most:0.0052 people:0.0045 first:0.0043 same:0.0043 county:0.0040 th:0.0039 following:0.0039 world:0.0039 said:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6245 the:0.1471 a:0.1027 to:0.0294 of:0.0272 his:0.0165 and:0.0156 in:0.0139 on:0.0119 this:0.0112 -:0.8602 went:0.0315 put:0.0193 carried:0.0175 came:0.0158 set:0.0129 it:0.0119 pointed:0.0119 get:0.0104 go:0.0086 -the:0.6937 :0.2009 tho:0.0245 our:0.0229 his:0.0157 a:0.0130 their:0.0108 tbe:0.0069 this:0.0063 said:0.0054 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7642 will:0.0732 and:0.0471 would:0.0245 is:0.0238 was:0.0202 of:0.0129 to:0.0115 could:0.0113 can:0.0113 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.8668 few:0.0293 good:0.0214 great:0.0180 little:0.0160 very:0.0127 small:0.0108 large:0.0106 single:0.0075 new:0.0069 -:0.5987 of:0.1173 in:0.0841 and:0.0479 to:0.0398 with:0.0296 for:0.0250 on:0.0238 from:0.0180 at:0.0158 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5528 the:0.2567 and:0.0628 a:0.0479 of:0.0369 that:0.0106 tho:0.0104 his:0.0086 or:0.0072 to:0.0060 -:0.8441 and:0.0409 is:0.0356 as:0.0204 was:0.0148 came:0.0120 according:0.0111 of:0.0082 began:0.0065 seems:0.0063 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7534 for:0.0403 two:0.0366 three:0.0345 and:0.0286 the:0.0284 by:0.0249 several:0.0190 many:0.0184 in:0.0158 -:0.8107 the:0.0568 and:0.0339 a:0.0271 to:0.0246 of:0.0138 or:0.0103 was:0.0087 that:0.0075 be:0.0066 -:0.6903 the:0.0955 of:0.0650 and:0.0299 is:0.0231 with:0.0229 was:0.0219 his:0.0216 he:0.0165 in:0.0133 -:0.9733 hundred:0.0091 in:0.0036 and:0.0025 years:0.0023 wife:0.0020 long:0.0020 hand:0.0018 home:0.0018 men:0.0017 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.5312 the:0.3098 a:0.0847 his:0.0159 tho:0.0156 an:0.0095 this:0.0091 their:0.0090 tbe:0.0077 it:0.0076 -:0.9625 same:0.0065 most:0.0047 first:0.0047 people:0.0043 best:0.0042 only:0.0036 last:0.0033 world:0.0032 whole:0.0030 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.6417 been:0.1352 to:0.0732 not:0.0396 no:0.0394 a:0.0211 the:0.0211 their:0.0104 in:0.0091 never:0.0091 -:0.8827 and:0.0422 in:0.0157 to:0.0120 he:0.0099 the:0.0086 was:0.0079 of:0.0071 who:0.0070 is:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8950 out:0.0313 one:0.0311 some:0.0072 or:0.0070 many:0.0062 all:0.0061 that:0.0058 part:0.0056 because:0.0048 -:0.7134 and:0.0755 was:0.0550 is:0.0345 the:0.0258 be:0.0245 are:0.0227 he:0.0212 a:0.0165 had:0.0109 -:0.7013 of:0.0907 and:0.0606 to:0.0581 in:0.0275 with:0.0168 the:0.0163 by:0.0105 for:0.0102 is:0.0080 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -the:0.1286 a:0.0306 tho:0.0254 his:0.0160 their:0.0159 :0.7470 its:0.0126 our:0.0092 other:0.0084 this:0.0062 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -of:0.2741 :0.4184 the:0.0881 a:0.0761 and:0.0535 or:0.0314 to:0.0246 in:0.0154 by:0.0095 on:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -was:0.1378 :0.3960 is:0.1030 be:0.0777 are:0.0585 has:0.0541 have:0.0510 had:0.0422 and:0.0408 were:0.0388 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.7810 :0.1323 will:0.0210 not:0.0209 and:0.0086 him:0.0083 may:0.0077 you:0.0076 would:0.0068 can:0.0059 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.5782 of:0.2418 and:0.0530 which:0.0305 in:0.0266 or:0.0174 was:0.0157 by:0.0139 the:0.0118 for:0.0112 -:0.9340 of:0.0220 and:0.0209 in:0.0046 to:0.0035 the:0.0033 city:0.0032 or:0.0030 as:0.0029 time:0.0026 -:0.5871 a:0.1498 the:0.0955 of:0.0328 and:0.0298 any:0.0283 no:0.0242 one:0.0229 or:0.0157 in:0.0139 -:0.7707 the:0.0579 and:0.0567 of:0.0252 with:0.0233 by:0.0156 that:0.0143 or:0.0131 is:0.0117 his:0.0115 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.9097 wife:0.0172 hands:0.0147 life:0.0101 head:0.0097 hand:0.0094 seat:0.0080 home:0.0074 duty:0.0071 way:0.0067 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.9673 it:0.0120 in:0.0037 up:0.0029 down:0.0029 there:0.0025 made:0.0023 him:0.0023 and:0.0022 out:0.0020 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6375 the:0.1851 a:0.0518 of:0.0303 and:0.0270 to:0.0223 in:0.0170 his:0.0118 tho:0.0088 this:0.0084 -:0.7490 been:0.0850 the:0.0504 a:0.0433 no:0.0205 to:0.0147 not:0.0141 an:0.0088 made:0.0083 said:0.0059 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7560 the:0.1036 a:0.0474 of:0.0271 and:0.0161 in:0.0154 this:0.0126 was:0.0088 is:0.0066 tho:0.0064 -as:0.5520 :0.3803 and:0.0183 is:0.0117 of:0.0106 was:0.0078 are:0.0056 that:0.0053 for:0.0042 to:0.0042 -:0.7443 in:0.0557 that:0.0450 to:0.0289 by:0.0235 of:0.0232 at:0.0211 on:0.0206 for:0.0190 all:0.0187 -:0.7052 the:0.1755 a:0.0530 tho:0.0115 his:0.0111 any:0.0111 this:0.0092 one:0.0091 such:0.0083 their:0.0060 -:0.7493 of:0.0721 the:0.0514 and:0.0501 is:0.0146 a:0.0144 or:0.0128 for:0.0124 in:0.0119 that:0.0110 -:0.7488 of:0.0588 is:0.0450 was:0.0371 and:0.0262 the:0.0189 are:0.0187 a:0.0176 or:0.0154 that:0.0137 -to:0.2197 :0.6317 in:0.0345 and:0.0344 of:0.0175 at:0.0164 for:0.0155 by:0.0131 from:0.0087 on:0.0085 -:0.4935 he:0.2301 it:0.1583 she:0.0430 there:0.0292 ho:0.0177 lie:0.0089 they:0.0079 is:0.0061 which:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.7349 of:0.0602 to:0.0424 and:0.0388 the:0.0282 or:0.0249 for:0.0200 is:0.0172 in:0.0169 a:0.0165 -:0.8930 out:0.0233 and:0.0182 up:0.0134 down:0.0123 it:0.0106 are:0.0081 is:0.0078 was:0.0071 were:0.0061 -:0.6206 the:0.1123 th:0.0772 a:0.0751 that:0.0287 per:0.0205 every:0.0205 one:0.0168 and:0.0150 this:0.0133 -:0.6309 the:0.2264 of:0.0363 and:0.0310 a:0.0242 that:0.0154 this:0.0108 tho:0.0093 in:0.0081 to:0.0076 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7052 be:0.1519 the:0.0717 do:0.0171 a:0.0095 say:0.0092 take:0.0090 make:0.0089 have:0.0088 bo:0.0087 -:0.7160 the:0.1125 of:0.0502 a:0.0395 and:0.0288 in:0.0158 this:0.0105 said:0.0098 with:0.0090 his:0.0078 -:0.5661 in:0.0915 by:0.0593 of:0.0585 to:0.0562 with:0.0479 as:0.0408 at:0.0299 and:0.0257 for:0.0242 -:0.9150 all:0.0229 so:0.0176 in:0.0120 said:0.0065 is:0.0061 found:0.0059 at:0.0053 ordered:0.0044 know:0.0043 -be:0.6240 have:0.0700 :0.1891 bo:0.0547 not:0.0249 he:0.0203 lie:0.0073 never:0.0039 do:0.0032 go:0.0025 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9841 and:0.0024 which:0.0020 they:0.0018 who:0.0017 one:0.0017 of:0.0016 two:0.0016 it:0.0015 has:0.0015 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.6786 the:0.1209 a:0.0390 of:0.0377 and:0.0371 to:0.0282 no:0.0204 his:0.0149 their:0.0118 our:0.0114 -:0.8157 and:0.0455 to:0.0279 the:0.0199 will:0.0189 was:0.0167 that:0.0147 would:0.0143 is:0.0141 not:0.0123 -:0.8301 and:0.0443 of:0.0364 or:0.0214 to:0.0162 the:0.0138 in:0.0126 by:0.0089 for:0.0084 from:0.0079 -:0.6318 and:0.0778 of:0.0529 in:0.0500 as:0.0452 for:0.0431 so:0.0345 by:0.0237 that:0.0211 to:0.0199 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9226 times:0.0138 persons:0.0128 men:0.0106 kinds:0.0080 cases:0.0079 other:0.0076 right:0.0073 parts:0.0050 things:0.0046 -:0.6492 of:0.1579 and:0.0586 the:0.0260 in:0.0252 or:0.0211 is:0.0186 to:0.0173 was:0.0136 that:0.0125 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -as:0.2267 :0.5106 by:0.0485 to:0.0420 that:0.0370 in:0.0337 with:0.0297 and:0.0262 for:0.0251 from:0.0205 -:0.5808 the:0.2568 a:0.0513 of:0.0210 and:0.0194 that:0.0188 this:0.0167 to:0.0129 tho:0.0113 his:0.0111 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6536 of:0.1440 the:0.0706 a:0.0358 and:0.0278 in:0.0208 to:0.0161 for:0.0119 that:0.0109 no:0.0086 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9370 people:0.0158 same:0.0089 government:0.0061 law:0.0059 city:0.0058 person:0.0058 world:0.0055 man:0.0054 case:0.0039 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8835 the:0.0258 to:0.0213 in:0.0155 that:0.0150 he:0.0132 for:0.0080 then:0.0066 other:0.0056 on:0.0056 -:0.6101 of:0.1788 and:0.0487 to:0.0422 in:0.0357 for:0.0229 as:0.0171 that:0.0167 at:0.0146 is:0.0132 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8045 and:0.0322 a:0.0317 was:0.0289 the:0.0259 be:0.0226 is:0.0200 were:0.0139 are:0.0119 of:0.0083 -:0.8740 and:0.0534 was:0.0288 is:0.0100 it:0.0068 are:0.0068 that:0.0056 or:0.0055 but:0.0048 were:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6822 and:0.0995 of:0.0741 but:0.0379 is:0.0286 with:0.0193 was:0.0157 we:0.0152 he:0.0142 has:0.0132 -:0.5576 is:0.1154 was:0.0664 to:0.0620 in:0.0617 of:0.0326 with:0.0292 from:0.0261 on:0.0261 by:0.0229 -:0.5397 so:0.1309 not:0.0998 that:0.0460 what:0.0441 as:0.0396 but:0.0339 which:0.0286 it:0.0198 us:0.0177 -:0.7779 of:0.1188 and:0.0248 in:0.0162 or:0.0133 that:0.0111 to:0.0102 on:0.0099 for:0.0095 a:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7757 that:0.0920 to:0.0467 and:0.0233 in:0.0193 with:0.0127 of:0.0095 mortgage:0.0076 at:0.0074 he:0.0058 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.7449 and:0.0753 of:0.0568 to:0.0358 in:0.0310 for:0.0201 the:0.0098 as:0.0091 on:0.0089 is:0.0084 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -of:0.2163 :0.4254 and:0.0905 that:0.0599 is:0.0521 but:0.0435 in:0.0379 or:0.0300 has:0.0231 was:0.0213 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.5808 the:0.2568 a:0.0513 of:0.0210 and:0.0194 that:0.0188 this:0.0167 to:0.0129 tho:0.0113 his:0.0111 -:0.8496 and:0.0609 of:0.0206 with:0.0134 in:0.0122 to:0.0115 the:0.0091 by:0.0082 from:0.0078 or:0.0068 -:0.8142 the:0.0862 a:0.0405 his:0.0114 this:0.0109 said:0.0104 tho:0.0071 that:0.0069 these:0.0064 our:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9395 time:0.0231 and:0.0098 way:0.0058 year:0.0051 day:0.0042 city:0.0037 case:0.0033 country:0.0029 county:0.0026 -:0.5987 of:0.1173 in:0.0841 and:0.0479 to:0.0398 with:0.0296 for:0.0250 on:0.0238 from:0.0180 at:0.0158 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7232 to:0.0705 and:0.0586 was:0.0311 that:0.0251 as:0.0226 but:0.0202 or:0.0202 is:0.0146 not:0.0140 -:0.8361 and:0.0369 to:0.0333 who:0.0260 we:0.0154 will:0.0128 would:0.0126 which:0.0106 they:0.0092 not:0.0069 -the:0.3718 :0.3526 a:0.1192 this:0.0497 any:0.0386 his:0.0210 her:0.0131 every:0.0116 tho:0.0115 no:0.0109 -:0.7833 in:0.0447 and:0.0275 the:0.0266 to:0.0227 at:0.0221 that:0.0201 on:0.0190 by:0.0186 for:0.0156 -:0.9090 him:0.0232 them:0.0142 be:0.0108 put:0.0094 us:0.0082 come:0.0076 me:0.0074 pay:0.0052 work:0.0051 -:0.7161 a:0.1617 the:0.0404 to:0.0229 his:0.0125 and:0.0120 of:0.0097 their:0.0089 are:0.0086 or:0.0072 -:0.9472 and:0.0212 it:0.0068 but:0.0050 or:0.0044 men:0.0034 them:0.0031 dollars:0.0030 made:0.0030 money:0.0029 -:0.5773 of:0.2059 and:0.1257 to:0.0248 in:0.0148 or:0.0113 the:0.0110 with:0.0098 for:0.0098 that:0.0097 -:0.8327 that:0.0514 as:0.0234 and:0.0197 but:0.0183 if:0.0157 with:0.0120 for:0.0097 in:0.0086 put:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7491 a:0.0752 the:0.0494 more:0.0282 no:0.0196 in:0.0166 less:0.0164 other:0.0163 two:0.0150 this:0.0142 -:0.6346 to:0.1756 will:0.0366 would:0.0351 we:0.0325 and:0.0263 the:0.0191 they:0.0149 may:0.0132 not:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -not:0.2090 :0.3983 had:0.1195 always:0.0692 never:0.0478 already:0.0475 ever:0.0307 been:0.0305 have:0.0261 has:0.0213 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7956 once:0.0621 the:0.0439 least:0.0269 public:0.0178 a:0.0155 oclock:0.0105 his:0.0103 all:0.0100 her:0.0073 -:0.6863 been:0.1468 the:0.0648 a:0.0309 to:0.0237 not:0.0109 he:0.0101 it:0.0090 be:0.0089 by:0.0086 -:0.5428 the:0.1679 that:0.0878 and:0.0844 to:0.0323 this:0.0254 a:0.0234 of:0.0165 their:0.0102 it:0.0093 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -the:0.2679 :0.4516 his:0.0685 in:0.0483 at:0.0349 a:0.0343 for:0.0304 and:0.0232 by:0.0219 their:0.0190 -:0.8324 and:0.0417 of:0.0368 to:0.0279 are:0.0140 were:0.0110 in:0.0103 is:0.0099 as:0.0082 will:0.0078 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.5619 of:0.1370 and:0.0590 for:0.0575 the:0.0525 in:0.0449 to:0.0265 that:0.0224 by:0.0212 at:0.0172 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -to:0.3551 :0.4636 and:0.0828 will:0.0499 would:0.0117 can:0.0094 may:0.0093 the:0.0067 could:0.0058 a:0.0057 -the:0.3443 :0.5273 a:0.0395 an:0.0177 tho:0.0151 this:0.0132 our:0.0122 such:0.0120 tbe:0.0099 their:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.6798 of:0.1125 and:0.0571 to:0.0497 in:0.0262 for:0.0200 the:0.0173 that:0.0138 as:0.0126 on:0.0111 -:0.9403 and:0.0257 it:0.0096 that:0.0050 was:0.0040 or:0.0036 is:0.0032 who:0.0029 of:0.0028 he:0.0028 -:0.8233 and:0.0469 has:0.0213 than:0.0196 as:0.0170 that:0.0167 is:0.0158 was:0.0146 not:0.0128 to:0.0119 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.8212 of:0.0752 and:0.0387 in:0.0198 the:0.0104 to:0.0092 for:0.0071 that:0.0069 are:0.0058 or:0.0055 -:0.7660 and:0.0888 he:0.0643 who:0.0135 they:0.0135 it:0.0129 we:0.0119 be:0.0101 she:0.0096 was:0.0094 -:0.7346 the:0.0858 a:0.0750 and:0.0263 of:0.0241 that:0.0167 his:0.0110 as:0.0106 in:0.0088 this:0.0071 -:0.6662 of:0.0865 in:0.0766 the:0.0580 and:0.0294 a:0.0288 was:0.0199 is:0.0128 with:0.0112 his:0.0107 -:0.5998 the:0.1940 he:0.0329 to:0.0314 they:0.0303 no:0.0301 we:0.0280 a:0.0207 his:0.0173 it:0.0155 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9488 same:0.0088 city:0.0074 country:0.0073 time:0.0072 people:0.0051 world:0.0049 war:0.0039 court:0.0034 ground:0.0032 -the:0.5415 :0.3004 tho:0.0360 his:0.0278 a:0.0272 our:0.0207 their:0.0167 this:0.0135 its:0.0092 said:0.0070 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.7204 be:0.1746 the:0.0292 make:0.0157 bo:0.0154 give:0.0100 in:0.0099 get:0.0097 see:0.0091 at:0.0061 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6369 of:0.1794 and:0.1021 in:0.0175 with:0.0154 to:0.0117 was:0.0104 the:0.0096 or:0.0090 have:0.0081 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6875 and:0.0737 of:0.0598 who:0.0563 in:0.0344 to:0.0240 are:0.0227 were:0.0200 on:0.0114 have:0.0101 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -:0.6831 of:0.0730 the:0.0720 and:0.0449 a:0.0403 in:0.0315 with:0.0170 by:0.0154 for:0.0119 as:0.0108 -:0.7669 and:0.0691 was:0.0383 he:0.0258 in:0.0218 is:0.0211 we:0.0155 who:0.0149 that:0.0133 not:0.0131 -is:0.1540 :0.4212 he:0.1296 be:0.0615 was:0.0604 the:0.0535 are:0.0372 it:0.0332 she:0.0265 they:0.0228 -:0.9445 hour:0.0178 was:0.0072 opportunity:0.0054 and:0.0052 act:0.0050 old:0.0048 be:0.0036 action:0.0035 so:0.0030 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9166 same:0.0185 said:0.0157 great:0.0083 first:0.0082 highest:0.0079 other:0.0064 most:0.0063 present:0.0063 best:0.0059 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7824 the:0.0856 and:0.0443 of:0.0263 to:0.0197 a:0.0106 in:0.0098 or:0.0079 that:0.0073 for:0.0061 -:0.9058 and:0.0251 the:0.0247 of:0.0111 that:0.0088 or:0.0063 to:0.0050 in:0.0050 a:0.0042 which:0.0039 -:0.6811 more:0.1650 less:0.0580 better:0.0263 rather:0.0193 worse:0.0123 larger:0.0116 higher:0.0110 greater:0.0109 hundred:0.0045 -he:0.1976 :0.5636 be:0.0493 not:0.0331 she:0.0326 it:0.0319 we:0.0315 they:0.0300 been:0.0159 the:0.0146 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8681 and:0.0529 was:0.0184 of:0.0144 is:0.0120 are:0.0077 the:0.0072 in:0.0066 as:0.0065 or:0.0063 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6267 it:0.1849 he:0.0686 that:0.0279 we:0.0240 you:0.0189 there:0.0133 and:0.0127 they:0.0121 who:0.0109 -:0.5092 a:0.2101 the:0.1490 and:0.0422 to:0.0337 of:0.0243 or:0.0096 this:0.0075 is:0.0072 not:0.0071 -:0.6253 of:0.1502 and:0.0707 in:0.0390 the:0.0383 for:0.0196 to:0.0157 as:0.0152 on:0.0132 at:0.0127 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -of:0.3079 :0.5061 the:0.0477 in:0.0287 and:0.0285 a:0.0242 that:0.0201 to:0.0140 it:0.0131 for:0.0098 -:0.5148 in:0.1221 and:0.0810 of:0.0591 by:0.0540 for:0.0480 at:0.0390 on:0.0338 with:0.0294 as:0.0187 -:0.8032 and:0.0545 as:0.0276 in:0.0208 is:0.0204 are:0.0181 it:0.0149 so:0.0145 or:0.0137 a:0.0123 -in:0.1707 to:0.1586 :0.3398 by:0.0674 that:0.0596 of:0.0580 on:0.0521 with:0.0403 from:0.0283 for:0.0250 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7545 and:0.0586 in:0.0511 to:0.0414 of:0.0325 that:0.0175 the:0.0157 a:0.0126 was:0.0080 for:0.0079 -:0.9080 is:0.0254 and:0.0209 was:0.0099 has:0.0080 are:0.0072 or:0.0059 as:0.0051 were:0.0050 be:0.0047 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8802 and:0.0228 was:0.0200 are:0.0185 were:0.0147 he:0.0107 is:0.0094 we:0.0086 had:0.0078 being:0.0074 -:0.7284 a:0.0760 the:0.0749 of:0.0257 to:0.0208 in:0.0181 and:0.0175 any:0.0130 his:0.0129 per:0.0125 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8289 come:0.0497 him:0.0293 be:0.0248 them:0.0200 go:0.0165 get:0.0086 look:0.0076 return:0.0074 me:0.0072 -:0.7385 the:0.0864 a:0.0453 of:0.0271 no:0.0249 in:0.0199 and:0.0174 this:0.0139 by:0.0134 to:0.0132 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.9412 and:0.0245 to:0.0070 was:0.0065 of:0.0061 is:0.0040 all:0.0028 people:0.0027 will:0.0027 or:0.0026 -:0.7637 has:0.0507 and:0.0357 have:0.0347 is:0.0278 was:0.0245 had:0.0219 than:0.0145 who:0.0134 he:0.0133 -:0.9053 hour:0.0249 act:0.0105 opinion:0.0099 effort:0.0099 action:0.0093 order:0.0088 attack:0.0082 he:0.0072 amendment:0.0060 -:0.8919 it:0.0233 him:0.0199 them:0.0134 the:0.0130 which:0.0103 us:0.0075 this:0.0074 one:0.0067 account:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7797 of:0.0818 and:0.0457 is:0.0228 the:0.0144 as:0.0142 in:0.0123 was:0.0097 are:0.0097 or:0.0096 -:0.7099 and:0.0863 of:0.0661 in:0.0348 that:0.0275 to:0.0220 for:0.0180 or:0.0139 the:0.0113 at:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.6313 th:0.1917 next:0.0413 first:0.0394 same:0.0284 said:0.0165 last:0.0158 st:0.0129 whole:0.0119 second:0.0107 -:0.7191 the:0.1208 much:0.0451 a:0.0310 to:0.0296 it:0.0138 many:0.0124 he:0.0114 and:0.0100 his:0.0069 -:0.6046 the:0.1316 of:0.1166 a:0.0764 in:0.0215 and:0.0185 this:0.0088 to:0.0087 tho:0.0071 as:0.0063 -:0.6167 the:0.1921 a:0.0685 of:0.0390 an:0.0161 to:0.0159 and:0.0142 his:0.0134 tho:0.0125 in:0.0116 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8623 is:0.0220 was:0.0197 declared:0.0164 said:0.0159 says:0.0158 found:0.0134 and:0.0130 knew:0.0116 notified:0.0099 -:0.5519 that:0.1937 to:0.0718 and:0.0568 but:0.0298 as:0.0225 with:0.0219 which:0.0186 for:0.0166 in:0.0164 -of:0.7963 :0.1125 in:0.0278 ot:0.0176 on:0.0126 and:0.0102 from:0.0062 to:0.0062 with:0.0062 ol:0.0044 -:0.9164 wife:0.0165 life:0.0145 father:0.0095 mind:0.0084 friends:0.0083 husband:0.0076 heart:0.0066 hand:0.0064 eyes:0.0059 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7577 the:0.1408 of:0.0269 a:0.0150 and:0.0131 in:0.0124 tho:0.0108 this:0.0092 said:0.0087 last:0.0055 -:0.5131 the:0.2018 a:0.1274 no:0.0325 to:0.0265 an:0.0252 been:0.0250 in:0.0203 their:0.0187 his:0.0095 -:0.8299 and:0.0540 of:0.0379 to:0.0154 at:0.0118 is:0.0110 was:0.0107 in:0.0103 for:0.0101 or:0.0090 -:0.8736 and:0.0465 the:0.0211 of:0.0119 that:0.0098 to:0.0097 in:0.0077 as:0.0073 a:0.0068 will:0.0057 -:0.5649 not:0.3028 be:0.0312 never:0.0264 we:0.0212 have:0.0176 they:0.0100 to:0.0096 you:0.0094 he:0.0068 -the:0.2137 :0.6261 his:0.0394 their:0.0350 a:0.0187 its:0.0155 any:0.0140 two:0.0127 tho:0.0125 her:0.0124 -:0.9429 it:0.0098 that:0.0096 recorded:0.0083 then:0.0073 put:0.0050 was:0.0048 interest:0.0046 placed:0.0041 is:0.0035 -:0.8933 the:0.0266 to:0.0142 a:0.0130 city:0.0115 great:0.0110 is:0.0105 time:0.0072 this:0.0063 country:0.0063 -:0.6883 and:0.1260 that:0.0361 he:0.0358 who:0.0283 was:0.0212 to:0.0181 is:0.0177 but:0.0146 they:0.0139 -:0.7470 a:0.0673 the:0.0521 of:0.0506 and:0.0291 in:0.0136 for:0.0124 that:0.0102 or:0.0100 with:0.0078 -:0.7371 and:0.0501 to:0.0467 that:0.0427 the:0.0403 of:0.0192 with:0.0184 in:0.0172 as:0.0148 all:0.0134 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.9695 men:0.0040 in:0.0040 up:0.0037 time:0.0035 man:0.0033 and:0.0033 right:0.0031 interest:0.0029 way:0.0026 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.5689 the:0.3430 and:0.0198 of:0.0164 a:0.0123 this:0.0099 no:0.0090 tho:0.0083 any:0.0064 his:0.0061 -:0.7811 and:0.0638 to:0.0447 of:0.0274 the:0.0224 in:0.0135 a:0.0131 as:0.0130 that:0.0125 is:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8116 and:0.0594 of:0.0437 in:0.0174 to:0.0134 are:0.0121 that:0.0116 the:0.0115 be:0.0106 as:0.0088 -:0.5650 not:0.1639 hereby:0.1105 the:0.0273 so:0.0268 being:0.0256 now:0.0238 a:0.0235 no:0.0198 an:0.0137 -:0.7450 a:0.0764 the:0.0475 and:0.0258 are:0.0251 was:0.0244 is:0.0158 to:0.0148 so:0.0129 in:0.0124 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2310 :0.4186 in:0.0869 to:0.0794 for:0.0465 on:0.0347 and:0.0328 from:0.0250 that:0.0246 with:0.0204 -:0.9046 and:0.0272 was:0.0159 you:0.0092 it:0.0084 him:0.0080 is:0.0070 them:0.0070 or:0.0063 were:0.0062 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7498 of:0.1185 and:0.0411 to:0.0231 in:0.0215 the:0.0195 on:0.0068 that:0.0068 for:0.0066 a:0.0063 -the:0.2986 :0.5584 these:0.0331 tho:0.0242 our:0.0215 his:0.0166 said:0.0134 a:0.0133 their:0.0112 her:0.0097 -:0.5861 the:0.1335 to:0.0930 of:0.0485 and:0.0373 that:0.0309 a:0.0264 in:0.0156 for:0.0146 it:0.0139 -:0.8089 those:0.0688 and:0.0288 all:0.0241 one:0.0211 men:0.0185 a:0.0086 man:0.0079 they:0.0073 that:0.0058 -:0.8253 and:0.0705 was:0.0214 is:0.0172 of:0.0142 as:0.0125 it:0.0115 has:0.0099 but:0.0089 which:0.0087 -:0.5385 the:0.2822 at:0.0597 and:0.0412 of:0.0171 to:0.0158 a:0.0152 was:0.0132 tho:0.0093 his:0.0079 -few:0.7148 :0.2382 dozen:0.0094 ten:0.0076 little:0.0065 good:0.0054 large:0.0050 three:0.0046 great:0.0044 two:0.0043 -:0.7856 the:0.1155 a:0.0244 that:0.0184 in:0.0179 all:0.0100 it:0.0083 other:0.0079 an:0.0063 he:0.0058 -:0.7770 and:0.0709 that:0.0331 to:0.0268 in:0.0250 him:0.0170 for:0.0163 by:0.0136 as:0.0116 them:0.0086 -:0.5911 the:0.2782 of:0.0385 and:0.0235 his:0.0163 a:0.0119 tho:0.0117 said:0.0104 their:0.0096 an:0.0088 -:0.6478 of:0.0974 and:0.0916 to:0.0401 in:0.0350 the:0.0263 or:0.0178 for:0.0162 on:0.0157 at:0.0122 -:0.7264 of:0.0608 and:0.0532 who:0.0433 in:0.0271 to:0.0271 the:0.0169 is:0.0157 that:0.0149 was:0.0146 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8783 the:0.0409 a:0.0339 very:0.0101 by:0.0077 most:0.0068 of:0.0060 in:0.0058 two:0.0054 three:0.0052 -:0.7539 of:0.0830 the:0.0606 a:0.0260 in:0.0143 and:0.0143 all:0.0141 other:0.0140 these:0.0111 many:0.0087 -:0.6409 a:0.1908 the:0.0546 in:0.0279 and:0.0254 an:0.0211 be:0.0113 so:0.0103 his:0.0090 was:0.0088 -:0.7592 in:0.0870 of:0.0446 on:0.0233 and:0.0198 for:0.0194 to:0.0164 at:0.0119 with:0.0093 by:0.0092 -:0.5619 to:0.1493 will:0.0511 and:0.0464 should:0.0406 we:0.0386 would:0.0379 they:0.0275 shall:0.0274 who:0.0193 -:0.7437 of:0.0946 in:0.0441 and:0.0295 the:0.0221 on:0.0215 as:0.0117 a:0.0112 or:0.0112 more:0.0104 -:0.7983 and:0.0582 is:0.0296 of:0.0261 was:0.0223 as:0.0169 be:0.0149 to:0.0146 the:0.0101 in:0.0090 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4751 and:0.1498 any:0.0954 the:0.0954 in:0.0444 to:0.0352 or:0.0345 no:0.0270 for:0.0230 with:0.0200 -:0.8862 way:0.0194 return:0.0180 duty:0.0144 feet:0.0137 power:0.0107 efforts:0.0104 desire:0.0095 order:0.0090 right:0.0089 -:0.9273 and:0.0128 to:0.0117 more:0.0107 two:0.0096 three:0.0063 one:0.0062 years:0.0054 him:0.0052 on:0.0050 -:0.5188 who:0.1395 to:0.0961 we:0.0561 which:0.0392 and:0.0385 would:0.0335 will:0.0330 they:0.0282 shall:0.0170 -the:0.3714 :0.4809 take:0.0254 his:0.0218 tho:0.0213 an:0.0192 a:0.0191 our:0.0158 their:0.0129 its:0.0122 -:0.4991 of:0.1131 in:0.0766 for:0.0747 to:0.0613 and:0.0537 a:0.0429 is:0.0291 are:0.0282 as:0.0213 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8357 the:0.0965 and:0.0158 a:0.0155 an:0.0074 this:0.0065 one:0.0057 at:0.0057 more:0.0056 that:0.0055 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5972 his:0.1512 the:0.1069 and:0.0502 a:0.0417 my:0.0129 its:0.0125 an:0.0098 her:0.0089 their:0.0086 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.6360 of:0.1994 and:0.0575 in:0.0262 was:0.0163 for:0.0150 to:0.0129 which:0.0125 is:0.0123 or:0.0117 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -never:0.0140 he:0.0136 ever:0.0128 been:0.0114 hereby:0.0076 she:0.0070 always:0.0058 not:0.0058 already:0.0056 be:0.0051 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8149 the:0.0607 be:0.0393 make:0.0196 him:0.0131 get:0.0129 see:0.0102 pay:0.0102 us:0.0101 keep:0.0090 -:0.7449 the:0.1005 and:0.0392 of:0.0333 was:0.0227 is:0.0135 a:0.0132 are:0.0118 an:0.0108 his:0.0101 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7667 of:0.0572 and:0.0477 the:0.0322 to:0.0318 by:0.0167 in:0.0159 for:0.0116 a:0.0115 with:0.0087 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6106 a:0.1831 the:0.1053 his:0.0269 this:0.0159 one:0.0135 and:0.0133 much:0.0109 any:0.0107 their:0.0099 -:0.6047 a:0.1767 the:0.0974 one:0.0391 in:0.0287 two:0.0118 this:0.0112 per:0.0105 to:0.0104 of:0.0094 -:0.7999 and:0.0823 that:0.0212 of:0.0201 but:0.0176 or:0.0174 are:0.0122 thereof:0.0114 it:0.0108 is:0.0072 -:0.5992 the:0.2160 his:0.0443 and:0.0313 in:0.0242 to:0.0228 their:0.0213 a:0.0153 an:0.0138 such:0.0117 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8598 it:0.0418 be:0.0188 that:0.0161 there:0.0148 only:0.0141 as:0.0100 he:0.0086 yet:0.0085 been:0.0076 -:0.6181 the:0.2259 of:0.0496 a:0.0354 and:0.0252 tho:0.0117 to:0.0094 his:0.0086 in:0.0084 this:0.0075 -:0.7562 of:0.0620 and:0.0573 to:0.0407 in:0.0196 or:0.0168 for:0.0165 than:0.0120 with:0.0113 from:0.0076 -:0.9372 and:0.0183 it:0.0089 that:0.0067 as:0.0062 of:0.0057 him:0.0051 in:0.0048 you:0.0036 is:0.0035 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9491 man:0.0137 point:0.0058 year:0.0056 time:0.0056 matter:0.0052 place:0.0038 change:0.0038 day:0.0037 position:0.0036 -:0.7935 favor:0.0664 order:0.0280 spite:0.0245 one:0.0232 all:0.0133 front:0.0129 some:0.0129 behalf:0.0127 any:0.0125 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.4984 and:0.2166 as:0.0737 that:0.0627 of:0.0584 but:0.0420 which:0.0127 for:0.0124 is:0.0120 or:0.0111 -:0.7713 a:0.1036 the:0.0287 to:0.0177 in:0.0161 and:0.0160 that:0.0148 for:0.0118 with:0.0100 of:0.0099 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7297 and:0.0694 was:0.0581 of:0.0284 are:0.0251 is:0.0208 had:0.0195 have:0.0174 in:0.0160 has:0.0156 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9075 the:0.0357 other:0.0115 his:0.0095 all:0.0086 a:0.0068 be:0.0055 it:0.0053 then:0.0049 was:0.0048 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9139 own:0.0298 other:0.0111 one:0.0103 old:0.0074 way:0.0067 the:0.0054 any:0.0052 little:0.0051 whole:0.0050 -to:0.3757 will:0.1989 :0.2107 can:0.0523 would:0.0429 must:0.0427 may:0.0264 should:0.0216 could:0.0166 cannot:0.0123 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8365 the:0.0429 and:0.0387 a:0.0178 this:0.0139 was:0.0127 he:0.0121 of:0.0101 one:0.0081 that:0.0071 -:0.8823 to:0.0225 as:0.0211 and:0.0141 the:0.0139 in:0.0138 a:0.0111 that:0.0084 of:0.0072 for:0.0056 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.7084 the:0.1695 a:0.0225 of:0.0224 his:0.0177 and:0.0160 in:0.0153 for:0.0100 by:0.0092 their:0.0090 -to:0.3408 :0.3961 will:0.0956 and:0.0548 would:0.0330 shall:0.0184 should:0.0176 may:0.0167 can:0.0146 who:0.0123 -:0.8121 is:0.0344 of:0.0326 and:0.0287 in:0.0220 as:0.0206 with:0.0170 was:0.0123 time:0.0109 man:0.0094 -:0.8380 the:0.0370 he:0.0347 we:0.0235 not:0.0163 be:0.0136 they:0.0121 then:0.0086 his:0.0084 has:0.0080 -:0.7232 a:0.0932 the:0.0898 and:0.0379 of:0.0169 this:0.0087 to:0.0085 that:0.0078 in:0.0077 will:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.1784 :0.6301 the:0.0563 not:0.0436 no:0.0323 an:0.0132 one:0.0131 very:0.0121 to:0.0115 any:0.0096 -the:0.6009 :0.2674 his:0.0292 tho:0.0260 a:0.0250 any:0.0121 least:0.0110 tbe:0.0104 our:0.0091 their:0.0089 -:0.6804 to:0.1262 in:0.0348 and:0.0340 for:0.0259 that:0.0243 at:0.0218 by:0.0200 from:0.0186 of:0.0141 -:0.7442 and:0.0742 of:0.0706 to:0.0197 in:0.0185 was:0.0155 but:0.0150 as:0.0145 that:0.0145 the:0.0132 -it:0.3030 :0.4524 he:0.0921 there:0.0909 she:0.0155 this:0.0132 which:0.0107 ho:0.0080 time:0.0077 what:0.0065 -to:0.3676 by:0.0681 in:0.0593 :0.4173 from:0.0212 at:0.0165 on:0.0156 for:0.0144 with:0.0121 out:0.0080 -:0.7991 of:0.0694 other:0.0431 and:0.0204 year:0.0167 the:0.0115 day:0.0112 county:0.0107 one:0.0090 side:0.0089 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6546 to:0.0991 and:0.0790 of:0.0411 for:0.0263 as:0.0256 a:0.0229 the:0.0202 which:0.0169 that:0.0142 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8661 and:0.0368 to:0.0209 the:0.0177 will:0.0115 that:0.0115 of:0.0097 as:0.0087 is:0.0087 a:0.0085 -the:0.4707 :0.3420 his:0.0516 this:0.0251 our:0.0243 her:0.0234 tho:0.0182 their:0.0177 a:0.0141 said:0.0130 -:0.6612 the:0.0582 and:0.0578 by:0.0532 of:0.0376 in:0.0366 to:0.0341 that:0.0222 for:0.0209 from:0.0182 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8235 the:0.0516 and:0.0432 was:0.0184 will:0.0145 of:0.0122 a:0.0095 is:0.0095 to:0.0088 are:0.0088 -of:0.2981 :0.4491 with:0.0550 and:0.0433 to:0.0371 by:0.0294 in:0.0232 the:0.0229 that:0.0210 on:0.0209 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8485 of:0.0489 and:0.0385 to:0.0349 the:0.0062 in:0.0058 for:0.0056 or:0.0045 which:0.0038 on:0.0034 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.8329 more:0.0323 and:0.0295 to:0.0235 the:0.0206 in:0.0175 a:0.0166 with:0.0094 or:0.0089 so:0.0087 -:0.7217 two:0.0518 three:0.0447 the:0.0430 other:0.0391 any:0.0322 more:0.0289 four:0.0138 some:0.0133 less:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8487 and:0.0745 described:0.0136 is:0.0124 but:0.0118 are:0.0098 far:0.0080 well:0.0077 just:0.0071 in:0.0064 -:0.6974 of:0.0887 and:0.0727 is:0.0291 a:0.0268 was:0.0249 the:0.0190 are:0.0165 in:0.0131 for:0.0118 -:0.6477 the:0.2169 a:0.0507 and:0.0158 his:0.0149 of:0.0131 that:0.0128 their:0.0097 it:0.0092 in:0.0091 -:0.7097 we:0.0689 is:0.0473 they:0.0445 you:0.0271 was:0.0248 he:0.0235 it:0.0217 has:0.0184 and:0.0141 -:0.7774 he:0.0700 they:0.0300 and:0.0285 it:0.0266 we:0.0224 she:0.0167 who:0.0132 there:0.0085 ho:0.0066 -the:0.3560 :0.4926 a:0.0406 be:0.0218 this:0.0193 tho:0.0184 his:0.0142 her:0.0128 our:0.0125 their:0.0116 -:0.6123 the:0.2538 his:0.0343 a:0.0223 tho:0.0184 in:0.0166 their:0.0126 its:0.0122 other:0.0108 no:0.0068 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.6384 a:0.1560 the:0.1085 young:0.0218 no:0.0147 one:0.0131 and:0.0129 every:0.0118 any:0.0117 of:0.0111 -:0.6944 so:0.0736 in:0.0422 as:0.0409 that:0.0396 by:0.0256 for:0.0251 the:0.0247 how:0.0220 with:0.0119 -:0.7020 as:0.1628 to:0.0378 and:0.0300 in:0.0163 known:0.0146 for:0.0124 the:0.0111 that:0.0073 by:0.0057 -:0.8444 and:0.0379 was:0.0226 is:0.0187 in:0.0186 or:0.0145 the:0.0120 were:0.0117 last:0.0100 of:0.0094 -:0.9465 as:0.0102 and:0.0081 is:0.0057 going:0.0056 him:0.0056 them:0.0049 known:0.0047 able:0.0046 required:0.0042 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.6842 the:0.1979 and:0.0375 a:0.0201 this:0.0144 of:0.0123 his:0.0104 tho:0.0102 that:0.0070 no:0.0060 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6469 the:0.1977 and:0.0317 a:0.0287 his:0.0246 of:0.0196 tho:0.0160 front:0.0146 an:0.0110 my:0.0092 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.9466 and:0.0251 it:0.0060 that:0.0040 or:0.0036 is:0.0035 was:0.0034 but:0.0028 of:0.0026 as:0.0024 -:0.7733 the:0.1096 his:0.0192 an:0.0162 a:0.0156 said:0.0153 any:0.0151 tho:0.0134 her:0.0131 our:0.0090 -to:0.4302 :0.4802 of:0.0225 and:0.0199 will:0.0144 in:0.0109 for:0.0060 or:0.0057 can:0.0052 should:0.0049 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6417 the:0.1572 his:0.0640 to:0.0332 that:0.0249 its:0.0245 in:0.0147 a:0.0137 all:0.0136 tho:0.0126 -:0.6979 the:0.2014 and:0.0327 of:0.0176 that:0.0095 a:0.0094 this:0.0086 tho:0.0083 to:0.0075 an:0.0072 -:0.6710 the:0.0746 of:0.0581 in:0.0523 a:0.0420 by:0.0317 and:0.0290 with:0.0166 for:0.0129 to:0.0118 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7167 or:0.0568 and:0.0497 of:0.0495 for:0.0381 the:0.0294 in:0.0214 with:0.0171 about:0.0127 than:0.0087 -:0.7783 are:0.0455 come:0.0378 came:0.0292 have:0.0262 went:0.0226 were:0.0223 had:0.0218 go:0.0084 made:0.0080 -:0.6482 be:0.1036 and:0.0526 was:0.0470 he:0.0374 is:0.0335 has:0.0250 have:0.0196 were:0.0169 are:0.0162 -:0.6509 is:0.1761 will:0.0466 was:0.0345 would:0.0273 act:0.0205 could:0.0130 does:0.0123 has:0.0105 did:0.0084 -:0.5338 he:0.2069 the:0.0705 we:0.0557 they:0.0393 it:0.0259 she:0.0248 not:0.0165 no:0.0144 be:0.0122 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.6546 of:0.0999 to:0.0665 and:0.0525 in:0.0321 that:0.0234 the:0.0217 was:0.0190 on:0.0153 a:0.0151 -to:0.4302 :0.4802 of:0.0225 and:0.0199 will:0.0144 in:0.0109 for:0.0060 or:0.0057 can:0.0052 should:0.0049 -:0.8216 all:0.0385 that:0.0357 in:0.0289 which:0.0207 on:0.0157 by:0.0152 to:0.0095 from:0.0077 and:0.0064 -the:0.2916 :0.5355 a:0.0587 this:0.0219 that:0.0212 to:0.0172 by:0.0162 tho:0.0133 his:0.0130 their:0.0115 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8482 he:0.0573 and:0.0202 who:0.0164 they:0.0137 we:0.0116 which:0.0109 have:0.0085 it:0.0067 that:0.0064 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8897 of:0.0330 and:0.0280 to:0.0156 in:0.0109 the:0.0059 or:0.0048 that:0.0041 as:0.0040 for:0.0040 -:0.6708 is:0.0940 was:0.0736 are:0.0561 were:0.0336 and:0.0215 the:0.0150 to:0.0139 in:0.0108 a:0.0108 -:0.4948 a:0.1472 to:0.1189 the:0.0957 of:0.0465 and:0.0349 in:0.0288 will:0.0122 his:0.0115 as:0.0094 -:0.5356 and:0.2462 of:0.1109 to:0.0343 in:0.0149 which:0.0142 that:0.0129 but:0.0118 as:0.0102 by:0.0090 -:0.9098 the:0.0302 and:0.0135 in:0.0103 a:0.0097 that:0.0089 of:0.0051 it:0.0047 which:0.0043 by:0.0036 -to:0.4021 :0.3314 in:0.0569 by:0.0422 for:0.0365 from:0.0355 of:0.0327 on:0.0269 that:0.0198 at:0.0161 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.5276 :0.2536 in:0.0580 and:0.0407 on:0.0325 that:0.0245 for:0.0182 with:0.0177 from:0.0158 to:0.0115 -of:0.2306 :0.5127 the:0.0589 and:0.0440 a:0.0396 to:0.0342 in:0.0291 that:0.0248 on:0.0132 with:0.0129 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8169 in:0.0362 and:0.0352 to:0.0317 the:0.0267 on:0.0160 of:0.0107 that:0.0094 a:0.0086 at:0.0086 -:0.7748 and:0.0800 of:0.0614 in:0.0164 is:0.0153 that:0.0127 as:0.0113 are:0.0101 to:0.0100 for:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.5237 are:0.1515 have:0.0874 will:0.0829 were:0.0435 had:0.0390 can:0.0256 could:0.0172 would:0.0163 may:0.0130 -:0.7117 be:0.0971 and:0.0583 he:0.0288 have:0.0248 was:0.0241 is:0.0155 are:0.0152 has:0.0137 were:0.0108 -:0.6733 at:0.1787 of:0.0449 for:0.0264 and:0.0245 to:0.0131 in:0.0121 by:0.0116 two:0.0079 the:0.0074 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6607 was:0.0765 be:0.0454 has:0.0414 is:0.0350 and:0.0333 he:0.0331 have:0.0257 were:0.0250 had:0.0239 -:0.9302 and:0.0191 of:0.0108 or:0.0079 in:0.0071 he:0.0065 it:0.0056 is:0.0047 was:0.0041 the:0.0040 -:0.6194 as:0.1979 to:0.0500 and:0.0491 known:0.0380 for:0.0126 in:0.0126 that:0.0073 but:0.0066 so:0.0066 -:0.7515 of:0.0857 and:0.0593 the:0.0205 or:0.0195 to:0.0148 is:0.0126 which:0.0124 that:0.0119 for:0.0117 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.8050 he:0.0488 we:0.0449 they:0.0328 it:0.0154 she:0.0139 the:0.0111 who:0.0099 then:0.0099 other:0.0083 -:0.6584 of:0.1648 and:0.0556 in:0.0310 to:0.0218 for:0.0176 at:0.0169 the:0.0124 or:0.0110 from:0.0104 -:0.8628 of:0.0539 the:0.0214 and:0.0151 that:0.0121 to:0.0105 in:0.0072 as:0.0067 or:0.0053 said:0.0051 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6889 to:0.0937 the:0.0934 and:0.0345 in:0.0246 it:0.0168 a:0.0143 of:0.0142 by:0.0105 them:0.0091 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5943 of:0.2091 and:0.0584 in:0.0347 to:0.0258 the:0.0243 by:0.0160 for:0.0143 on:0.0120 or:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.2636 the:0.1603 :0.3288 by:0.0712 of:0.0537 a:0.0413 for:0.0340 with:0.0176 and:0.0158 in:0.0136 -of:0.2236 :0.4495 the:0.1262 a:0.0655 that:0.0379 in:0.0271 his:0.0236 their:0.0184 this:0.0162 tho:0.0122 -:0.9073 made:0.0170 taken:0.0152 held:0.0109 paid:0.0090 it:0.0087 kept:0.0084 brought:0.0082 cut:0.0078 carried:0.0076 -:0.8648 be:0.0449 him:0.0141 look:0.0124 them:0.0123 do:0.0122 sell:0.0106 appear:0.0100 come:0.0095 go:0.0091 -:0.6349 to:0.1001 of:0.0641 the:0.0577 in:0.0542 a:0.0275 and:0.0228 by:0.0178 for:0.0108 no:0.0100 -:0.7489 the:0.0617 and:0.0429 of:0.0317 or:0.0310 a:0.0294 was:0.0169 in:0.0140 to:0.0123 is:0.0111 -:0.9168 been:0.0301 made:0.0095 fallen:0.0079 taken:0.0067 not:0.0064 gone:0.0062 left:0.0059 it:0.0054 done:0.0052 -:0.8891 and:0.0242 who:0.0156 he:0.0155 it:0.0120 which:0.0092 they:0.0090 we:0.0090 that:0.0089 of:0.0074 -other:0.0558 years:0.0349 a:0.0115 old:0.0110 :0.8657 different:0.0053 the:0.0049 persons:0.0038 very:0.0036 most:0.0036 -:0.9385 people:0.0142 country:0.0092 men:0.0087 work:0.0053 office:0.0051 interest:0.0050 children:0.0050 way:0.0049 city:0.0041 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7614 and:0.1030 is:0.0378 was:0.0224 of:0.0180 are:0.0170 the:0.0165 in:0.0098 or:0.0085 be:0.0055 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -:0.6539 the:0.2202 to:0.0301 of:0.0234 in:0.0181 and:0.0165 a:0.0158 his:0.0089 or:0.0068 their:0.0063 -:0.9060 and:0.0367 of:0.0126 a:0.0074 as:0.0072 old:0.0070 or:0.0067 the:0.0058 young:0.0054 great:0.0051 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -been:0.4649 :0.4118 not:0.0321 be:0.0242 a:0.0215 had:0.0142 never:0.0088 ever:0.0079 was:0.0073 become:0.0073 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.7765 he:0.0628 and:0.0273 they:0.0258 it:0.0241 we:0.0193 that:0.0189 who:0.0170 which:0.0164 she:0.0120 -:0.6408 the:0.1482 a:0.1203 of:0.0251 this:0.0186 in:0.0164 tho:0.0089 any:0.0082 every:0.0072 and:0.0064 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.8959 the:0.0252 and:0.0169 a:0.0130 to:0.0096 in:0.0089 of:0.0081 by:0.0079 is:0.0077 it:0.0067 -:0.8988 county:0.0208 that:0.0193 mortgage:0.0138 lot:0.0115 city:0.0079 and:0.0077 he:0.0075 deed:0.0070 land:0.0056 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8188 of:0.0531 to:0.0239 in:0.0225 and:0.0213 the:0.0195 a:0.0148 as:0.0102 for:0.0086 or:0.0072 -a:0.2992 :0.5157 the:0.0879 to:0.0318 of:0.0234 in:0.0121 and:0.0089 this:0.0080 tho:0.0070 one:0.0059 -:0.7197 been:0.1130 made:0.0570 not:0.0264 to:0.0221 in:0.0167 received:0.0152 had:0.0110 become:0.0095 seen:0.0094 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8919 and:0.0487 that:0.0210 of:0.0114 the:0.0050 in:0.0049 but:0.0046 at:0.0043 as:0.0041 or:0.0041 -:0.8299 years:0.0368 of:0.0307 hundred:0.0216 or:0.0198 days:0.0138 weeks:0.0131 and:0.0130 months:0.0124 hours:0.0089 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6496 the:0.1500 at:0.0727 a:0.0337 tho:0.0267 to:0.0172 an:0.0162 in:0.0119 by:0.0112 his:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9295 done:0.0121 made:0.0115 a:0.0106 an:0.0092 much:0.0082 no:0.0056 heard:0.0049 the:0.0042 able:0.0041 -:0.5312 the:0.3098 a:0.0847 his:0.0159 tho:0.0156 an:0.0095 this:0.0091 their:0.0090 tbe:0.0077 it:0.0076 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7051 the:0.0774 of:0.0733 and:0.0475 a:0.0306 in:0.0219 to:0.0206 is:0.0086 his:0.0078 with:0.0071 -:0.5706 was:0.1526 is:0.0835 had:0.0815 has:0.0496 made:0.0209 took:0.0131 gave:0.0104 saw:0.0090 got:0.0087 -:0.8165 the:0.0509 to:0.0364 a:0.0210 and:0.0194 in:0.0167 that:0.0145 of:0.0088 by:0.0083 for:0.0076 -:0.6708 is:0.0940 was:0.0736 are:0.0561 were:0.0336 and:0.0215 the:0.0150 to:0.0139 in:0.0108 a:0.0108 -be:0.2753 :0.5115 not:0.0458 make:0.0385 have:0.0365 take:0.0286 bo:0.0207 find:0.0192 receive:0.0121 give:0.0119 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9330 public:0.0099 following:0.0092 highest:0.0092 whole:0.0078 same:0.0076 entire:0.0064 other:0.0062 old:0.0056 north:0.0052 -:0.8511 great:0.0305 very:0.0289 good:0.0178 little:0.0156 certain:0.0155 large:0.0125 new:0.0111 most:0.0091 small:0.0078 -:0.7312 the:0.0832 a:0.0779 and:0.0418 of:0.0238 in:0.0109 as:0.0092 is:0.0077 that:0.0074 his:0.0070 -:0.8194 and:0.0397 to:0.0300 for:0.0211 with:0.0211 in:0.0174 by:0.0173 of:0.0133 at:0.0126 on:0.0081 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -by:0.1718 in:0.1424 :0.3771 to:0.0956 of:0.0438 on:0.0434 from:0.0424 for:0.0414 at:0.0214 with:0.0207 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.9303 it:0.0155 as:0.0109 them:0.0089 time:0.0060 ready:0.0059 able:0.0058 him:0.0056 and:0.0056 enough:0.0056 -:0.7149 the:0.1192 a:0.0587 and:0.0294 is:0.0225 of:0.0182 was:0.0120 his:0.0110 an:0.0072 be:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3779 :0.4112 and:0.0848 in:0.0454 to:0.0232 by:0.0178 with:0.0111 from:0.0110 at:0.0092 on:0.0083 -:0.6837 the:0.1199 and:0.0573 of:0.0349 a:0.0286 in:0.0232 is:0.0181 his:0.0129 to:0.0110 an:0.0104 -:0.7647 and:0.0409 of:0.0385 to:0.0311 in:0.0307 the:0.0273 that:0.0233 a:0.0168 it:0.0139 or:0.0128 -:0.4605 the:0.2178 a:0.0832 been:0.0663 no:0.0605 to:0.0475 an:0.0356 and:0.0107 not:0.0091 tho:0.0088 -:0.7498 they:0.0931 we:0.0441 there:0.0428 it:0.0197 who:0.0113 then:0.0103 he:0.0100 that:0.0097 which:0.0092 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6847 the:0.1790 and:0.0319 of:0.0233 to:0.0232 a:0.0189 or:0.0113 his:0.0106 for:0.0087 is:0.0085 -:0.6755 to:0.1614 we:0.0302 will:0.0301 and:0.0300 they:0.0202 can:0.0182 would:0.0157 could:0.0097 who:0.0090 -:0.5608 and:0.2169 of:0.1177 is:0.0240 but:0.0191 in:0.0171 to:0.0146 from:0.0127 for:0.0095 was:0.0075 -:0.3560 to:0.1786 will:0.1734 may:0.0620 shall:0.0613 would:0.0449 should:0.0360 and:0.0350 can:0.0267 must:0.0261 -:0.8569 and:0.0437 that:0.0148 the:0.0140 to:0.0131 was:0.0131 of:0.0130 as:0.0113 a:0.0103 be:0.0098 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.7233 the:0.1437 of:0.0293 and:0.0288 a:0.0166 his:0.0149 in:0.0127 he:0.0105 no:0.0104 their:0.0098 -was:0.2543 is:0.1685 :0.4344 had:0.0710 has:0.0395 were:0.0095 are:0.0080 be:0.0053 did:0.0050 made:0.0045 -:0.7754 to:0.0580 and:0.0548 was:0.0343 is:0.0178 a:0.0145 be:0.0144 has:0.0129 not:0.0090 or:0.0089 -the:0.4434 a:0.1395 :0.2559 his:0.0403 their:0.0304 tho:0.0250 this:0.0242 our:0.0165 its:0.0161 an:0.0087 -the:0.4724 :0.3581 a:0.0360 his:0.0285 their:0.0261 this:0.0232 tho:0.0193 our:0.0183 tbe:0.0094 said:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.9555 only:0.0161 be:0.0054 appear:0.0042 been:0.0035 more:0.0034 in:0.0032 him:0.0032 it:0.0029 far:0.0027 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9384 side:0.0126 line:0.0108 out:0.0069 day:0.0057 number:0.0053 that:0.0053 and:0.0053 one:0.0049 part:0.0047 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8685 the:0.0319 he:0.0275 time:0.0176 one:0.0115 is:0.0104 it:0.0096 this:0.0094 we:0.0070 as:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7806 the:0.0907 this:0.0295 a:0.0224 that:0.0172 and:0.0161 of:0.0149 in:0.0145 he:0.0081 other:0.0060 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8900 as:0.0236 feet:0.0173 and:0.0171 according:0.0125 enough:0.0101 is:0.0086 him:0.0077 up:0.0066 but:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8412 in:0.0311 to:0.0289 and:0.0241 of:0.0155 that:0.0142 a:0.0124 on:0.0122 the:0.0103 as:0.0100 -:0.9115 and:0.0449 is:0.0083 to:0.0072 of:0.0067 that:0.0055 but:0.0051 was:0.0040 will:0.0036 in:0.0033 -:0.8401 reason:0.0339 right:0.0231 way:0.0199 means:0.0174 doubt:0.0162 matter:0.0134 order:0.0127 time:0.0119 longer:0.0114 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8200 and:0.0591 of:0.0335 owned:0.0163 or:0.0152 in:0.0133 is:0.0123 followed:0.0102 was:0.0101 made:0.0101 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.7778 the:0.1256 of:0.0207 a:0.0170 and:0.0147 to:0.0127 named:0.0101 it:0.0081 that:0.0067 tho:0.0066 -the:0.6703 :0.1509 his:0.0379 tho:0.0373 a:0.0241 this:0.0210 our:0.0197 its:0.0150 their:0.0148 these:0.0091 -:0.9736 and:0.0051 city:0.0034 time:0.0031 most:0.0028 other:0.0026 of:0.0025 country:0.0024 county:0.0024 th:0.0022 -would:0.2318 :0.3579 will:0.1152 to:0.0575 may:0.0493 should:0.0477 we:0.0437 must:0.0401 might:0.0292 shall:0.0277 -:0.9268 and:0.0242 up:0.0081 down:0.0079 off:0.0068 interest:0.0067 or:0.0063 out:0.0053 that:0.0043 home:0.0036 -:0.6487 of:0.1441 in:0.0461 to:0.0371 and:0.0317 for:0.0209 on:0.0206 with:0.0195 at:0.0168 that:0.0143 -:0.9177 and:0.0225 in:0.0168 the:0.0124 a:0.0080 of:0.0080 n:0.0048 three:0.0035 that:0.0032 by:0.0031 -:0.7664 and:0.0481 the:0.0466 of:0.0354 a:0.0294 in:0.0196 to:0.0177 that:0.0159 with:0.0111 at:0.0100 -to:0.9401 :0.0370 and:0.0101 will:0.0042 would:0.0019 that:0.0018 we:0.0017 not:0.0012 they:0.0011 should:0.0010 -:0.8226 and:0.0535 of:0.0254 to:0.0199 but:0.0149 is:0.0142 in:0.0138 from:0.0123 for:0.0118 fact:0.0116 -:0.9182 fact:0.0241 matter:0.0110 man:0.0096 thing:0.0068 word:0.0067 certain:0.0066 doubt:0.0059 statement:0.0058 law:0.0054 -:0.5450 the:0.2562 a:0.0987 his:0.0424 tho:0.0152 no:0.0115 he:0.0094 their:0.0077 tbe:0.0070 in:0.0069 -the:0.6059 :0.2740 tho:0.0362 a:0.0270 this:0.0159 no:0.0097 tbe:0.0086 is:0.0082 his:0.0073 our:0.0072 -:0.7591 the:0.0525 few:0.0399 three:0.0356 two:0.0280 ten:0.0232 four:0.0163 of:0.0163 and:0.0149 several:0.0143 -:0.7201 of:0.0861 the:0.0612 in:0.0261 and:0.0241 with:0.0186 to:0.0175 a:0.0162 that:0.0158 at:0.0143 -:0.7301 and:0.1219 is:0.0366 that:0.0247 was:0.0202 but:0.0187 as:0.0147 in:0.0121 or:0.0107 be:0.0104 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9262 home:0.0186 husband:0.0113 father:0.0073 long:0.0071 back:0.0069 and:0.0068 life:0.0054 head:0.0052 mother:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5864 :0.3107 tho:0.0245 a:0.0183 this:0.0122 tbe:0.0121 said:0.0112 his:0.0106 which:0.0070 their:0.0069 -:0.7797 and:0.0519 who:0.0470 that:0.0335 which:0.0266 they:0.0159 of:0.0153 it:0.0132 we:0.0091 but:0.0079 -:0.9537 interest:0.0066 same:0.0063 city:0.0053 country:0.0052 work:0.0048 people:0.0048 time:0.0047 right:0.0044 world:0.0042 -:0.6304 to:0.1675 and:0.0807 the:0.0430 a:0.0198 his:0.0170 of:0.0158 will:0.0115 in:0.0079 that:0.0063 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.8206 once:0.0497 home:0.0348 oclock:0.0295 least:0.0213 all:0.0103 times:0.0088 it:0.0088 that:0.0082 hand:0.0080 -:0.8001 and:0.0592 was:0.0362 is:0.0288 or:0.0196 of:0.0157 to:0.0134 for:0.0108 but:0.0089 than:0.0073 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.9128 a:0.0241 found:0.0111 the:0.0092 said:0.0080 and:0.0079 made:0.0076 one:0.0068 in:0.0066 no:0.0061 -:0.5788 and:0.1438 of:0.1113 that:0.0307 is:0.0300 was:0.0298 are:0.0268 has:0.0200 or:0.0168 but:0.0120 -:0.8825 and:0.0241 he:0.0237 it:0.0228 who:0.0126 which:0.0084 that:0.0083 we:0.0066 they:0.0062 there:0.0049 -the:0.4387 :0.4108 a:0.0493 tho:0.0183 his:0.0172 these:0.0169 said:0.0155 this:0.0136 any:0.0115 our:0.0081 -:0.6256 the:0.1654 by:0.0510 in:0.0355 to:0.0339 a:0.0305 him:0.0170 his:0.0151 for:0.0132 it:0.0129 -:0.6919 been:0.1364 the:0.0525 a:0.0251 and:0.0197 an:0.0185 not:0.0151 in:0.0149 of:0.0138 was:0.0121 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9428 world:0.0092 bill:0.0076 law:0.0073 government:0.0065 city:0.0064 result:0.0055 case:0.0054 country:0.0053 land:0.0042 -of:0.2855 :0.4325 to:0.0792 and:0.0594 the:0.0426 for:0.0337 that:0.0184 in:0.0181 by:0.0159 with:0.0147 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.6523 been:0.1654 made:0.0626 not:0.0376 become:0.0188 received:0.0146 caused:0.0142 in:0.0132 to:0.0116 given:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4130 :0.4717 and:0.0392 to:0.0171 that:0.0125 in:0.0118 for:0.0103 as:0.0092 or:0.0085 are:0.0065 -to:0.1825 and:0.1259 :0.5062 or:0.0321 will:0.0291 was:0.0289 of:0.0256 in:0.0247 were:0.0239 are:0.0212 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -the:0.4463 :0.3892 our:0.0318 said:0.0218 tho:0.0217 this:0.0214 his:0.0201 their:0.0172 an:0.0157 a:0.0147 -:0.9331 in:0.0160 and:0.0086 with:0.0080 him:0.0069 from:0.0060 up:0.0060 on:0.0059 a:0.0048 that:0.0046 -:0.8288 such:0.0571 that:0.0223 the:0.0199 which:0.0184 making:0.0146 and:0.0107 all:0.0101 by:0.0091 for:0.0090 -:0.9226 put:0.0147 it:0.0127 went:0.0113 and:0.0082 was:0.0069 placed:0.0061 called:0.0060 held:0.0060 carried:0.0055 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7164 was:0.0906 and:0.0487 is:0.0467 has:0.0244 had:0.0202 or:0.0163 of:0.0135 are:0.0117 were:0.0115 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9470 same:0.0119 first:0.0076 best:0.0054 following:0.0054 city:0.0050 most:0.0049 whole:0.0046 highest:0.0042 next:0.0039 -:0.9631 the:0.0087 he:0.0058 this:0.0043 a:0.0042 tho:0.0037 his:0.0032 their:0.0026 and:0.0023 who:0.0022 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -take:0.0349 be:0.0307 make:0.0229 the:0.0190 :0.8342 give:0.0158 get:0.0130 keep:0.0124 obtain:0.0090 her:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.5480 and:0.1928 of:0.0782 was:0.0397 are:0.0378 is:0.0369 the:0.0283 were:0.0169 he:0.0115 or:0.0099 -:0.9907 said:0.0012 and:0.0012 per:0.0012 a:0.0012 his:0.0011 all:0.0009 will:0.0009 my:0.0008 the:0.0008 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9491 man:0.0137 point:0.0058 year:0.0056 time:0.0056 matter:0.0052 place:0.0038 change:0.0038 day:0.0037 position:0.0036 -have:0.8319 :0.0672 havo:0.0209 had:0.0189 be:0.0179 not:0.0164 has:0.0104 bave:0.0060 having:0.0057 always:0.0048 -:0.8635 and:0.0595 of:0.0171 in:0.0140 but:0.0099 so:0.0085 all:0.0082 is:0.0067 at:0.0064 from:0.0061 -:0.9636 has:0.0057 and:0.0055 the:0.0053 had:0.0046 have:0.0034 feet:0.0033 of:0.0030 or:0.0030 was:0.0027 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9656 able:0.0060 said:0.0041 it:0.0041 and:0.0040 is:0.0039 going:0.0033 feet:0.0031 ready:0.0031 went:0.0030 -:0.5186 in:0.1283 a:0.1038 the:0.1016 that:0.0520 of:0.0256 on:0.0228 and:0.0204 his:0.0139 for:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7880 of:0.0669 with:0.0504 to:0.0359 on:0.0138 for:0.0108 in:0.0095 by:0.0089 and:0.0082 upon:0.0075 -to:0.3094 :0.3837 will:0.0846 not:0.0558 can:0.0340 that:0.0330 shall:0.0272 would:0.0255 may:0.0243 should:0.0223 -to:0.3799 :0.4112 and:0.0632 will:0.0551 would:0.0326 should:0.0131 can:0.0127 we:0.0113 may:0.0106 shall:0.0104 -is:0.0810 :0.7863 was:0.0485 has:0.0305 be:0.0116 had:0.0112 as:0.0105 would:0.0075 and:0.0066 it:0.0063 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7712 auction:0.1617 vendue:0.0156 order:0.0088 schools:0.0080 feet:0.0079 and:0.0072 enough:0.0072 efforts:0.0066 way:0.0058 -:0.7121 the:0.1487 a:0.0671 his:0.0193 of:0.0112 tho:0.0102 and:0.0101 their:0.0088 in:0.0063 our:0.0062 -:0.5100 of:0.2200 in:0.0528 as:0.0407 for:0.0367 with:0.0356 at:0.0340 and:0.0335 by:0.0228 is:0.0140 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9170 hour:0.0287 act:0.0129 increase:0.0086 opportunity:0.0068 interest:0.0061 office:0.0059 inch:0.0050 attack:0.0046 interview:0.0043 -:0.9092 time:0.0193 one:0.0147 person:0.0126 other:0.0101 way:0.0085 days:0.0074 kind:0.0066 day:0.0063 year:0.0052 -:0.8532 the:0.0368 a:0.0318 and:0.0268 that:0.0151 of:0.0136 or:0.0059 one:0.0057 he:0.0056 which:0.0055 -:0.8651 of:0.0243 to:0.0236 the:0.0231 important:0.0189 a:0.0143 other:0.0114 and:0.0076 most:0.0062 little:0.0055 -be:0.6784 have:0.0908 :0.1717 bo:0.0395 he:0.0053 the:0.0038 been:0.0029 take:0.0029 do:0.0027 live:0.0021 -to:0.4066 :0.4891 and:0.0419 been:0.0136 at:0.0105 or:0.0088 be:0.0076 in:0.0076 for:0.0073 are:0.0070 -to:0.1637 :0.3876 for:0.1240 in:0.1223 by:0.0569 at:0.0372 that:0.0352 with:0.0291 and:0.0229 as:0.0210 -:0.6891 of:0.1104 and:0.0819 in:0.0313 to:0.0256 for:0.0181 as:0.0120 or:0.0109 at:0.0103 was:0.0103 -:0.5596 the:0.3228 a:0.0485 tho:0.0153 his:0.0127 an:0.0099 their:0.0092 this:0.0091 its:0.0069 her:0.0061 -:0.6154 for:0.0844 of:0.0765 by:0.0475 in:0.0416 to:0.0317 with:0.0289 and:0.0265 as:0.0260 at:0.0214 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.8629 of:0.0284 and:0.0262 the:0.0188 that:0.0141 for:0.0111 as:0.0104 a:0.0099 to:0.0091 or:0.0089 -:0.6648 a:0.1155 and:0.0525 of:0.0470 the:0.0454 in:0.0223 is:0.0149 to:0.0135 was:0.0120 are:0.0120 -:0.8146 the:0.0576 a:0.0523 this:0.0208 be:0.0161 her:0.0135 him:0.0091 his:0.0058 them:0.0053 have:0.0049 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8004 the:0.0610 a:0.0268 that:0.0261 in:0.0236 and:0.0140 of:0.0130 to:0.0128 as:0.0125 it:0.0098 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -the:0.3068 :0.4530 a:0.1089 their:0.0324 his:0.0302 tho:0.0178 this:0.0155 tbe:0.0121 its:0.0120 our:0.0113 -of:0.1825 in:0.1782 :0.3721 to:0.0676 on:0.0659 for:0.0379 and:0.0315 that:0.0282 from:0.0244 with:0.0116 -:0.9006 use:0.0199 think:0.0139 one:0.0129 corner:0.0117 be:0.0107 dispose:0.0085 support:0.0083 act:0.0070 form:0.0065 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.7995 the:0.0617 and:0.0393 to:0.0332 a:0.0292 his:0.0096 in:0.0093 or:0.0069 little:0.0059 will:0.0055 -:0.9492 wife:0.0079 feet:0.0075 own:0.0072 and:0.0066 eyes:0.0048 life:0.0045 to:0.0042 friends:0.0042 mother:0.0039 -:0.8303 kind:0.0252 day:0.0220 city:0.0219 part:0.0201 act:0.0194 sort:0.0181 amount:0.0152 matter:0.0140 way:0.0138 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9600 made:0.0072 not:0.0066 in:0.0045 killed:0.0040 taken:0.0038 due:0.0037 one:0.0037 given:0.0033 known:0.0031 -:0.9653 same:0.0048 time:0.0048 city:0.0042 law:0.0040 way:0.0035 country:0.0035 said:0.0033 world:0.0033 most:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5057 :0.2551 a:0.1271 tho:0.0246 his:0.0221 this:0.0168 our:0.0164 their:0.0141 its:0.0100 an:0.0081 -:0.6237 the:0.2260 a:0.0512 and:0.0242 of:0.0204 his:0.0125 is:0.0123 all:0.0107 was:0.0095 tho:0.0095 -:0.5980 the:0.1703 a:0.0678 him:0.0497 it:0.0299 them:0.0243 his:0.0161 her:0.0160 me:0.0151 this:0.0128 -:0.7092 and:0.0833 are:0.0351 was:0.0339 were:0.0275 who:0.0270 is:0.0265 of:0.0230 had:0.0184 has:0.0163 -the:0.2507 :0.5353 his:0.0500 a:0.0492 this:0.0243 tho:0.0211 their:0.0202 any:0.0180 all:0.0157 its:0.0155 -:0.5794 a:0.1924 the:0.1077 he:0.0488 it:0.0166 his:0.0129 this:0.0128 they:0.0122 no:0.0096 tho:0.0077 -at:0.6145 :0.3013 the:0.0317 and:0.0149 of:0.0127 for:0.0076 to:0.0063 or:0.0044 in:0.0036 a:0.0030 -:0.4545 of:0.1328 the:0.1294 in:0.0722 he:0.0660 by:0.0540 to:0.0333 that:0.0216 is:0.0183 on:0.0181 -:0.7171 of:0.0779 and:0.0601 was:0.0360 has:0.0230 is:0.0214 or:0.0202 are:0.0176 were:0.0134 who:0.0132 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9446 more:0.0097 other:0.0095 two:0.0087 three:0.0070 less:0.0069 four:0.0037 hundred:0.0037 otherwise:0.0034 years:0.0029 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.9082 most:0.0154 same:0.0116 great:0.0107 real:0.0099 best:0.0095 highest:0.0090 first:0.0090 other:0.0085 whole:0.0082 -:0.8450 of:0.0626 and:0.0378 the:0.0151 in:0.0098 or:0.0085 to:0.0055 on:0.0053 a:0.0053 as:0.0052 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8816 of:0.0293 the:0.0223 and:0.0217 to:0.0113 a:0.0091 or:0.0080 that:0.0061 he:0.0057 in:0.0050 -:0.9182 and:0.0251 him:0.0111 that:0.0091 in:0.0082 up:0.0072 out:0.0066 it:0.0059 to:0.0052 down:0.0036 -:0.7822 and:0.0459 the:0.0449 was:0.0283 to:0.0223 is:0.0200 of:0.0195 a:0.0168 not:0.0104 he:0.0096 -the:0.2283 :0.6076 these:0.0310 his:0.0291 its:0.0220 their:0.0192 our:0.0175 other:0.0167 persons:0.0153 of:0.0134 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.6398 have:0.1064 had:0.0578 are:0.0563 has:0.0521 were:0.0239 was:0.0192 will:0.0167 in:0.0144 is:0.0133 -:0.6774 be:0.0754 was:0.0556 is:0.0490 had:0.0295 and:0.0290 has:0.0286 have:0.0228 are:0.0177 he:0.0150 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6945 the:0.1642 a:0.0679 to:0.0190 and:0.0125 of:0.0115 tho:0.0092 an:0.0078 this:0.0070 their:0.0064 -to:0.9589 :0.0276 and:0.0069 will:0.0016 that:0.0010 it:0.0009 would:0.0008 him:0.0008 we:0.0008 you:0.0007 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6208 the:0.2663 of:0.0371 a:0.0183 and:0.0148 tho:0.0127 our:0.0110 his:0.0067 to:0.0065 this:0.0059 -the:0.3367 :0.3925 this:0.1150 a:0.0700 tho:0.0197 our:0.0156 said:0.0139 his:0.0131 its:0.0119 their:0.0115 -:0.9635 fact:0.0068 matter:0.0055 law:0.0053 said:0.0037 people:0.0037 world:0.0035 time:0.0029 effect:0.0026 th:0.0026 -:0.5802 the:0.1771 a:0.1434 of:0.0430 and:0.0143 in:0.0119 this:0.0084 is:0.0079 tho:0.0072 his:0.0066 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.7369 and:0.0494 was:0.0474 is:0.0388 the:0.0295 he:0.0274 had:0.0209 has:0.0197 be:0.0156 have:0.0143 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6177 of:0.1163 the:0.0898 a:0.0730 and:0.0386 with:0.0223 in:0.0157 is:0.0110 his:0.0085 or:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8177 a:0.0776 and:0.0422 the:0.0374 this:0.0047 was:0.0045 to:0.0044 is:0.0040 in:0.0040 of:0.0034 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.9453 man:0.0106 matter:0.0070 year:0.0065 time:0.0063 little:0.0056 long:0.0053 good:0.0046 day:0.0045 bill:0.0044 -:0.8801 and:0.0213 west:0.0172 of:0.0165 three:0.0147 east:0.0139 five:0.0096 two:0.0092 in:0.0090 the:0.0086 -:0.8334 and:0.0520 the:0.0353 of:0.0296 a:0.0156 to:0.0100 in:0.0078 as:0.0061 or:0.0050 for:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9119 most:0.0215 great:0.0138 the:0.0122 first:0.0082 present:0.0071 other:0.0066 best:0.0064 whole:0.0064 last:0.0059 -:0.8349 years:0.0414 days:0.0319 and:0.0290 or:0.0144 months:0.0142 feet:0.0105 times:0.0090 hours:0.0075 men:0.0072 -of:0.3633 :0.3147 in:0.0827 is:0.0556 was:0.0452 for:0.0430 on:0.0320 and:0.0270 as:0.0240 with:0.0124 -:0.5667 of:0.2218 to:0.0804 in:0.0374 for:0.0305 and:0.0222 all:0.0122 at:0.0109 with:0.0091 on:0.0089 -:0.8761 the:0.0400 six:0.0149 eight:0.0122 ten:0.0121 four:0.0110 two:0.0094 five:0.0089 his:0.0080 three:0.0073 -:0.7722 and:0.0784 of:0.0399 in:0.0237 the:0.0182 to:0.0165 for:0.0143 at:0.0137 is:0.0123 that:0.0108 -:0.7849 the:0.1274 a:0.0243 that:0.0155 and:0.0129 to:0.0089 his:0.0074 all:0.0066 in:0.0066 tho:0.0055 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8763 of:0.0673 and:0.0260 or:0.0057 time:0.0049 city:0.0045 as:0.0043 county:0.0042 in:0.0034 country:0.0033 -:0.9208 and:0.0323 as:0.0080 but:0.0075 it:0.0069 which:0.0067 who:0.0052 bonds:0.0044 in:0.0041 him:0.0041 -the:0.4971 :0.2740 his:0.0727 this:0.0402 their:0.0265 a:0.0220 our:0.0194 her:0.0190 its:0.0151 tho:0.0139 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6496 the:0.0791 a:0.0611 of:0.0512 in:0.0358 with:0.0282 no:0.0278 to:0.0250 by:0.0225 for:0.0197 -:0.8222 the:0.0575 and:0.0309 a:0.0258 of:0.0207 this:0.0106 or:0.0099 said:0.0086 to:0.0076 was:0.0062 -:0.5818 the:0.1475 a:0.1365 to:0.0376 of:0.0343 tho:0.0183 in:0.0135 and:0.0123 his:0.0095 their:0.0086 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.7566 the:0.1401 this:0.0265 all:0.0165 said:0.0107 which:0.0105 these:0.0105 favor:0.0099 other:0.0097 such:0.0092 -hundred:0.2795 :0.4143 thousand:0.0750 ten:0.0459 three:0.0452 few:0.0403 four:0.0383 two:0.0248 fifteen:0.0216 five:0.0153 -:0.8467 of:0.0316 and:0.0271 east:0.0169 west:0.0154 in:0.0153 three:0.0136 ten:0.0116 hundred:0.0110 by:0.0107 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8943 not:0.0193 made:0.0162 held:0.0159 born:0.0128 found:0.0126 placed:0.0097 taken:0.0065 that:0.0064 put:0.0063 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -have:0.1583 are:0.1302 :0.5606 had:0.0641 were:0.0364 get:0.0142 do:0.0132 make:0.0092 be:0.0079 arc:0.0058 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6205 he:0.1020 and:0.0615 which:0.0556 who:0.0544 it:0.0436 that:0.0301 she:0.0136 was:0.0098 is:0.0089 -:0.8407 same:0.0473 other:0.0272 most:0.0216 best:0.0128 present:0.0111 first:0.0103 said:0.0102 whole:0.0097 great:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -much:0.1196 :0.7067 many:0.0602 far:0.0236 long:0.0210 a:0.0197 the:0.0155 they:0.0130 it:0.0114 his:0.0093 -:0.8465 day:0.0733 part:0.0156 time:0.0142 one:0.0121 line:0.0112 class:0.0092 quarter:0.0067 place:0.0056 kind:0.0056 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7742 and:0.0546 was:0.0464 is:0.0330 are:0.0253 were:0.0160 be:0.0148 he:0.0122 the:0.0121 have:0.0114 -:0.6926 the:0.1170 and:0.0496 in:0.0370 his:0.0335 to:0.0208 at:0.0140 a:0.0124 that:0.0116 be:0.0115 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.8991 of:0.0290 and:0.0170 for:0.0131 was:0.0090 is:0.0085 be:0.0063 in:0.0063 at:0.0060 the:0.0058 -:0.6815 and:0.0932 is:0.0651 was:0.0530 are:0.0283 has:0.0260 will:0.0204 were:0.0128 have:0.0101 but:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -in:0.2751 by:0.1125 on:0.0985 :0.2817 at:0.0885 to:0.0399 from:0.0323 that:0.0253 for:0.0248 with:0.0214 -:0.5773 of:0.2059 and:0.1257 to:0.0248 in:0.0148 or:0.0113 the:0.0110 with:0.0098 for:0.0098 that:0.0097 -:0.8707 the:0.0392 a:0.0317 it:0.0126 and:0.0121 in:0.0078 was:0.0077 that:0.0068 is:0.0061 be:0.0053 -of:0.4827 :0.3471 in:0.0428 and:0.0366 to:0.0324 for:0.0206 on:0.0139 with:0.0103 at:0.0068 is:0.0067 -:0.6652 of:0.1345 in:0.0611 to:0.0292 and:0.0260 on:0.0229 for:0.0211 with:0.0172 that:0.0126 by:0.0103 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -the:0.6903 :0.1655 a:0.0667 his:0.0220 their:0.0156 tho:0.0136 our:0.0079 its:0.0071 tbe:0.0057 in:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.6927 :0.1773 in:0.0305 and:0.0240 that:0.0224 with:0.0156 ot:0.0120 for:0.0117 to:0.0070 which:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5944 a:0.1734 the:0.0901 this:0.0402 that:0.0239 his:0.0192 no:0.0155 their:0.0149 he:0.0147 of:0.0138 -a:0.1883 :0.5791 the:0.1382 no:0.0257 in:0.0168 an:0.0140 any:0.0116 his:0.0095 very:0.0089 by:0.0078 -:0.6541 a:0.1098 the:0.0856 and:0.0512 to:0.0484 of:0.0121 is:0.0114 was:0.0105 will:0.0087 as:0.0081 -the:0.3095 :0.5248 a:0.0368 which:0.0208 his:0.0204 tho:0.0202 him:0.0175 them:0.0172 this:0.0166 it:0.0161 -:0.6805 of:0.1953 in:0.0291 or:0.0226 and:0.0184 to:0.0150 on:0.0110 for:0.0101 from:0.0093 hours:0.0085 -:0.5610 of:0.1794 the:0.0759 in:0.0597 he:0.0237 and:0.0235 is:0.0223 by:0.0184 to:0.0182 on:0.0179 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9600 same:0.0081 city:0.0047 time:0.0047 people:0.0045 world:0.0042 matter:0.0039 right:0.0036 law:0.0035 state:0.0030 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.8259 few:0.0568 good:0.0225 great:0.0216 very:0.0178 little:0.0141 long:0.0133 large:0.0112 new:0.0085 big:0.0083 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -a:0.2278 :0.5565 and:0.0749 to:0.0338 the:0.0260 of:0.0217 was:0.0164 in:0.0155 that:0.0137 is:0.0137 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -the:0.5087 :0.3458 a:0.0558 be:0.0182 tho:0.0171 his:0.0134 tbe:0.0114 our:0.0104 take:0.0097 their:0.0095 -is:0.3234 was:0.2005 :0.3545 are:0.0284 as:0.0208 in:0.0206 were:0.0152 with:0.0129 has:0.0119 to:0.0118 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7872 it:0.0397 he:0.0353 they:0.0304 we:0.0232 which:0.0208 and:0.0199 who:0.0169 you:0.0137 that:0.0128 -:0.6512 the:0.2486 a:0.0232 his:0.0206 and:0.0148 in:0.0095 their:0.0087 this:0.0084 tho:0.0084 other:0.0066 -:0.7834 and:0.0675 was:0.0500 is:0.0235 he:0.0190 are:0.0133 had:0.0117 be:0.0113 were:0.0103 have:0.0101 -:0.7850 and:0.0498 is:0.0317 was:0.0316 are:0.0232 of:0.0224 has:0.0151 were:0.0139 we:0.0137 have:0.0136 -:0.5704 has:0.1061 was:0.0648 is:0.0498 and:0.0480 who:0.0429 would:0.0361 had:0.0296 have:0.0266 will:0.0256 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7136 of:0.0765 the:0.0624 and:0.0449 a:0.0355 to:0.0200 in:0.0172 for:0.0134 by:0.0084 with:0.0080 -the:0.3022 :0.5462 of:0.0323 a:0.0262 to:0.0195 and:0.0184 at:0.0173 tho:0.0145 his:0.0123 in:0.0111 -:0.6054 that:0.1483 in:0.0570 to:0.0461 as:0.0325 by:0.0282 for:0.0262 with:0.0237 on:0.0223 from:0.0104 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6217 of:0.1605 to:0.0735 and:0.0659 in:0.0275 the:0.0149 are:0.0096 will:0.0090 was:0.0089 for:0.0085 -:0.8316 so:0.0291 said:0.0207 believed:0.0190 true:0.0185 not:0.0177 now:0.0172 understood:0.0163 evident:0.0159 sure:0.0141 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7961 to:0.0666 of:0.0330 the:0.0313 and:0.0245 a:0.0166 that:0.0097 or:0.0078 will:0.0077 in:0.0067 -:0.8898 the:0.0260 and:0.0242 he:0.0126 is:0.0122 was:0.0111 it:0.0083 are:0.0072 be:0.0048 who:0.0039 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8413 the:0.0405 of:0.0397 and:0.0330 to:0.0089 in:0.0087 a:0.0082 that:0.0080 an:0.0062 is:0.0055 -:0.9728 it:0.0071 him:0.0042 you:0.0027 all:0.0027 them:0.0026 in:0.0022 and:0.0022 up:0.0018 men:0.0017 -:0.8736 city:0.0261 way:0.0194 time:0.0166 country:0.0146 morning:0.0146 county:0.0126 year:0.0079 kind:0.0074 act:0.0072 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -the:0.4200 :0.3620 a:0.0996 tho:0.0286 his:0.0224 their:0.0168 tbe:0.0160 this:0.0131 its:0.0124 said:0.0091 -:0.8704 taken:0.0257 come:0.0196 made:0.0189 been:0.0149 put:0.0112 him:0.0106 brought:0.0104 set:0.0103 passed:0.0080 -:0.8984 little:0.0217 very:0.0156 few:0.0154 good:0.0135 great:0.0111 long:0.0077 certain:0.0063 large:0.0056 single:0.0047 -:0.8648 the:0.0357 and:0.0305 of:0.0162 in:0.0157 as:0.0096 that:0.0084 a:0.0075 was:0.0064 by:0.0053 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7729 a:0.1111 the:0.0368 one:0.0190 that:0.0186 not:0.0128 no:0.0095 made:0.0068 more:0.0066 to:0.0059 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9010 great:0.0211 good:0.0150 new:0.0148 little:0.0113 large:0.0097 small:0.0093 long:0.0060 special:0.0059 certain:0.0059 -:0.6367 the:0.1175 a:0.1132 of:0.0372 no:0.0242 and:0.0231 to:0.0177 any:0.0109 in:0.0107 this:0.0089 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -the:0.5066 :0.3130 his:0.0384 a:0.0365 tho:0.0271 their:0.0214 said:0.0184 our:0.0183 these:0.0114 tbe:0.0090 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8675 to:0.0735 and:0.0134 of:0.0117 day:0.0076 time:0.0067 will:0.0059 or:0.0055 one:0.0045 that:0.0036 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.9055 very:0.0172 highest:0.0154 most:0.0144 same:0.0122 great:0.0099 new:0.0073 a:0.0068 other:0.0066 first:0.0046 -the:0.8586 :0.0753 tho:0.0302 his:0.0081 a:0.0076 tbe:0.0061 our:0.0045 this:0.0039 their:0.0032 its:0.0026 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8606 be:0.0506 the:0.0205 do:0.0131 make:0.0112 take:0.0104 pay:0.0099 have:0.0080 get:0.0079 see:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7630 the:0.1079 a:0.0303 and:0.0257 of:0.0230 that:0.0147 this:0.0111 to:0.0108 which:0.0071 was:0.0064 -:0.6180 the:0.2302 of:0.0413 and:0.0277 a:0.0223 in:0.0194 to:0.0121 an:0.0104 tho:0.0103 by:0.0083 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.7220 it:0.0724 do:0.0633 did:0.0388 is:0.0287 will:0.0172 was:0.0164 and:0.0160 could:0.0130 does:0.0123 -:0.6185 of:0.2232 the:0.0525 to:0.0199 in:0.0189 and:0.0188 a:0.0172 no:0.0126 that:0.0099 for:0.0086 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6384 a:0.1560 the:0.1085 young:0.0218 no:0.0147 one:0.0131 and:0.0129 every:0.0118 any:0.0117 of:0.0111 -to:0.5080 :0.3156 will:0.0759 would:0.0257 and:0.0164 can:0.0144 may:0.0129 should:0.0121 must:0.0106 could:0.0083 -:0.7038 and:0.0707 of:0.0657 to:0.0345 in:0.0313 is:0.0223 for:0.0212 with:0.0190 on:0.0181 that:0.0135 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8771 city:0.0262 way:0.0256 year:0.0170 country:0.0108 bill:0.0106 letter:0.0090 place:0.0090 morning:0.0075 county:0.0071 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6025 his:0.1226 and:0.1165 the:0.0896 of:0.0201 a:0.0129 in:0.0113 is:0.0091 my:0.0088 tho:0.0068 -:0.7613 the:0.0877 a:0.0351 of:0.0294 his:0.0260 any:0.0156 in:0.0121 such:0.0114 her:0.0108 some:0.0107 -:0.6876 the:0.1897 a:0.0236 tho:0.0185 in:0.0167 this:0.0150 his:0.0137 no:0.0133 their:0.0114 to:0.0106 -:0.6903 the:0.1132 and:0.0908 a:0.0268 of:0.0213 to:0.0212 his:0.0131 this:0.0088 or:0.0081 that:0.0065 -:0.5924 the:0.0915 is:0.0652 a:0.0496 in:0.0493 so:0.0391 and:0.0370 of:0.0319 to:0.0223 his:0.0217 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7219 is:0.0740 and:0.0616 was:0.0451 of:0.0275 in:0.0220 are:0.0196 to:0.0107 has:0.0089 as:0.0088 -:0.5479 they:0.1310 we:0.0820 the:0.0762 to:0.0418 it:0.0410 he:0.0290 you:0.0200 a:0.0156 will:0.0155 -:0.8174 able:0.0689 made:0.0273 allowed:0.0192 compelled:0.0144 given:0.0134 taken:0.0104 unable:0.0100 used:0.0100 sent:0.0091 -:0.7653 that:0.0662 of:0.0283 to:0.0255 the:0.0238 and:0.0226 no:0.0189 in:0.0183 what:0.0175 some:0.0136 -:0.8633 them:0.0290 him:0.0274 it:0.0159 said:0.0129 order:0.0123 which:0.0105 us:0.0096 me:0.0096 regard:0.0095 -:0.7824 the:0.0856 and:0.0443 of:0.0263 to:0.0197 a:0.0106 in:0.0098 or:0.0079 that:0.0073 for:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5614 to:0.2059 of:0.0545 for:0.0475 with:0.0342 from:0.0297 by:0.0206 on:0.0176 and:0.0146 in:0.0141 -:0.8554 it:0.0566 as:0.0238 not:0.0118 is:0.0113 nothing:0.0099 able:0.0088 there:0.0077 how:0.0073 have:0.0073 -the:0.4107 :0.3960 a:0.0702 tho:0.0236 his:0.0234 their:0.0184 its:0.0158 this:0.0151 tbe:0.0139 be:0.0128 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8558 and:0.0258 it:0.0254 they:0.0188 he:0.0179 we:0.0167 that:0.0117 who:0.0112 which:0.0101 there:0.0066 -:0.7538 the:0.1234 a:0.0405 of:0.0315 this:0.0098 and:0.0095 in:0.0095 tho:0.0081 any:0.0072 one:0.0067 -:0.5020 to:0.3132 the:0.0750 a:0.0471 and:0.0163 in:0.0141 that:0.0103 by:0.0103 with:0.0063 from:0.0054 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.9372 day:0.0107 use:0.0098 one:0.0093 part:0.0081 time:0.0058 corner:0.0050 cent:0.0049 value:0.0047 think:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3958 :0.5043 a:0.0281 his:0.0178 tho:0.0165 this:0.0123 their:0.0076 an:0.0063 and:0.0059 tbe:0.0055 -:0.7362 of:0.0681 to:0.0672 and:0.0275 the:0.0238 in:0.0192 on:0.0184 from:0.0144 that:0.0133 by:0.0119 -:0.6515 the:0.1238 a:0.0910 in:0.0347 his:0.0219 any:0.0209 every:0.0177 an:0.0149 and:0.0119 by:0.0118 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7912 to:0.0557 and:0.0392 will:0.0349 that:0.0279 may:0.0127 would:0.0114 as:0.0093 of:0.0090 shall:0.0087 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8686 own:0.0656 life:0.0146 heart:0.0091 mind:0.0091 brother:0.0082 hand:0.0074 wife:0.0063 husband:0.0060 days:0.0050 -of:0.1091 :0.7579 with:0.0265 and:0.0254 at:0.0193 for:0.0145 to:0.0136 in:0.0126 on:0.0110 is:0.0102 -:0.6039 to:0.1603 of:0.0584 and:0.0456 we:0.0368 will:0.0303 who:0.0233 would:0.0167 may:0.0129 they:0.0118 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5027 with:0.1098 to:0.0938 of:0.0841 by:0.0526 for:0.0382 and:0.0382 from:0.0327 in:0.0285 that:0.0195 -:0.7190 and:0.0803 the:0.0715 was:0.0296 is:0.0263 of:0.0240 be:0.0163 or:0.0123 in:0.0108 a:0.0099 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -the:0.2603 :0.5702 a:0.0385 not:0.0311 his:0.0281 tho:0.0173 no:0.0156 their:0.0144 this:0.0135 all:0.0110 -:0.7722 and:0.1017 are:0.0236 is:0.0202 was:0.0188 were:0.0159 or:0.0155 but:0.0140 that:0.0106 than:0.0077 -of:0.7108 :0.1450 in:0.0317 to:0.0234 for:0.0215 and:0.0178 on:0.0166 ot:0.0132 from:0.0102 with:0.0098 -:0.7367 be:0.0627 come:0.0400 have:0.0352 go:0.0284 seem:0.0270 appear:0.0251 apply:0.0166 continue:0.0147 not:0.0135 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.7227 the:0.0646 to:0.0565 was:0.0371 a:0.0336 and:0.0281 is:0.0175 of:0.0148 in:0.0133 an:0.0119 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5196 the:0.2771 a:0.1031 his:0.0238 tho:0.0202 this:0.0185 that:0.0105 said:0.0094 its:0.0091 their:0.0087 -to:0.7429 :0.1316 will:0.0402 we:0.0187 would:0.0150 should:0.0147 and:0.0127 shall:0.0087 may:0.0081 can:0.0075 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6416 much:0.1061 the:0.1029 a:0.0517 to:0.0263 his:0.0242 far:0.0142 tbe:0.0117 many:0.0107 long:0.0105 -:0.5735 and:0.1547 was:0.0773 is:0.0759 are:0.0272 but:0.0258 or:0.0200 has:0.0170 were:0.0157 of:0.0129 -the:0.6635 :0.2021 a:0.0678 no:0.0180 tho:0.0155 an:0.0129 his:0.0093 not:0.0049 tbe:0.0037 its:0.0024 -:0.5693 of:0.2291 and:0.0727 the:0.0305 a:0.0281 or:0.0239 in:0.0142 to:0.0126 for:0.0102 that:0.0092 -:0.6710 of:0.0754 is:0.0489 and:0.0483 to:0.0365 are:0.0355 was:0.0344 in:0.0186 were:0.0174 have:0.0140 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.6346 to:0.1756 will:0.0366 would:0.0351 we:0.0325 and:0.0263 the:0.0191 they:0.0149 may:0.0132 not:0.0122 -the:0.4165 :0.4041 a:0.0713 this:0.0342 his:0.0232 no:0.0112 tho:0.0108 and:0.0100 their:0.0095 any:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8140 the:0.0650 a:0.0452 an:0.0167 said:0.0118 one:0.0116 all:0.0106 law:0.0105 and:0.0074 deed:0.0072 -:0.9532 it:0.0134 there:0.0072 life:0.0042 that:0.0039 which:0.0038 result:0.0038 he:0.0035 wife:0.0035 man:0.0035 -:0.6577 and:0.1032 of:0.0798 to:0.0398 in:0.0346 that:0.0227 the:0.0218 or:0.0138 who:0.0133 with:0.0131 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6968 and:0.0959 of:0.0871 in:0.0331 the:0.0176 to:0.0168 or:0.0163 with:0.0153 on:0.0108 was:0.0102 -:0.7226 the:0.1508 of:0.0407 and:0.0212 in:0.0190 a:0.0170 or:0.0081 by:0.0072 two:0.0068 an:0.0065 -:0.6327 a:0.1636 the:0.1084 to:0.0204 that:0.0202 this:0.0148 and:0.0116 tho:0.0102 it:0.0096 his:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9252 and:0.0350 is:0.0066 or:0.0064 was:0.0057 it:0.0051 that:0.0048 of:0.0043 to:0.0035 are:0.0035 -of:0.1863 :0.4087 in:0.0915 to:0.0907 by:0.0633 and:0.0376 for:0.0333 at:0.0313 that:0.0289 as:0.0284 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5006 of:0.1353 to:0.1208 and:0.0676 with:0.0626 in:0.0271 for:0.0234 at:0.0216 on:0.0211 that:0.0200 -the:0.2898 :0.5914 to:0.0253 a:0.0186 it:0.0154 tho:0.0150 his:0.0133 he:0.0124 and:0.0103 no:0.0086 -the:0.3684 :0.3601 his:0.1003 a:0.0532 no:0.0325 its:0.0236 tho:0.0229 their:0.0131 my:0.0130 he:0.0128 -the:0.3538 tho:0.0688 his:0.0461 this:0.0270 our:0.0218 :0.4214 their:0.0162 such:0.0156 tbe:0.0152 a:0.0141 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.9527 same:0.0068 city:0.0066 people:0.0061 time:0.0054 world:0.0053 country:0.0047 right:0.0044 matter:0.0040 war:0.0040 -:0.8916 and:0.0535 that:0.0164 the:0.0070 a:0.0067 it:0.0061 as:0.0051 he:0.0050 who:0.0045 of:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.1810 a:0.0942 his:0.0252 an:0.0248 :0.6104 tho:0.0154 their:0.0126 its:0.0126 any:0.0124 one:0.0113 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.7406 the:0.1166 and:0.0420 of:0.0365 a:0.0140 was:0.0126 is:0.0114 in:0.0098 an:0.0084 or:0.0080 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -the:0.3103 :0.4881 a:0.0954 tho:0.0278 said:0.0193 his:0.0148 this:0.0130 tbe:0.0107 their:0.0105 such:0.0100 -:0.6721 a:0.1888 the:0.0411 very:0.0349 and:0.0224 one:0.0095 or:0.0092 in:0.0075 of:0.0073 is:0.0071 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -been:0.2307 :0.5110 not:0.1461 never:0.0252 to:0.0194 ever:0.0189 no:0.0130 always:0.0124 already:0.0117 just:0.0114 -:0.6302 the:0.2630 and:0.0304 tho:0.0169 to:0.0159 of:0.0128 a:0.0100 his:0.0075 he:0.0069 an:0.0064 -:0.8880 and:0.0366 was:0.0188 in:0.0136 of:0.0126 is:0.0122 have:0.0052 are:0.0046 be:0.0044 the:0.0041 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9490 is:0.0088 city:0.0084 the:0.0064 time:0.0063 country:0.0044 state:0.0044 and:0.0042 county:0.0040 year:0.0040 -:0.7497 and:0.0596 to:0.0485 of:0.0438 the:0.0321 or:0.0204 that:0.0172 for:0.0100 from:0.0099 on:0.0089 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9169 wife:0.0169 father:0.0104 head:0.0095 hands:0.0087 mind:0.0082 eyes:0.0079 name:0.0074 own:0.0071 husband:0.0069 -:0.8453 with:0.0364 on:0.0210 of:0.0197 by:0.0188 for:0.0166 to:0.0141 in:0.0118 let:0.0091 upon:0.0070 -:0.6423 in:0.0646 with:0.0563 to:0.0535 by:0.0417 that:0.0374 from:0.0309 at:0.0268 of:0.0236 on:0.0227 -:0.8859 and:0.0327 is:0.0147 was:0.0146 in:0.0108 above:0.0101 the:0.0098 be:0.0084 of:0.0072 he:0.0058 -:0.9549 best:0.0068 north:0.0058 city:0.0053 whole:0.0052 south:0.0050 first:0.0047 people:0.0044 right:0.0040 th:0.0039 -:0.9499 same:0.0076 city:0.0073 people:0.0067 world:0.0055 interest:0.0053 country:0.0049 court:0.0043 office:0.0042 time:0.0042 -:0.4677 of:0.1254 with:0.0777 to:0.0743 and:0.0521 in:0.0496 for:0.0490 by:0.0459 that:0.0295 is:0.0288 -:0.9476 amount:0.0084 part:0.0070 one:0.0064 matter:0.0059 case:0.0053 line:0.0052 use:0.0049 city:0.0048 number:0.0046 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.0087 no:0.0055 :0.9612 said:0.0051 this:0.0041 what:0.0040 tho:0.0040 it:0.0029 a:0.0022 these:0.0022 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6968 the:0.1486 and:0.0400 of:0.0296 an:0.0195 a:0.0185 was:0.0123 in:0.0123 that:0.0118 tho:0.0106 -:0.9445 one:0.0101 part:0.0084 line:0.0065 end:0.0059 amount:0.0055 side:0.0052 account:0.0051 action:0.0047 day:0.0041 -in:0.4379 of:0.1775 :0.2438 on:0.0422 for:0.0212 the:0.0190 to:0.0183 with:0.0159 and:0.0147 by:0.0096 -are:0.0751 who:0.0703 we:0.0699 :0.5685 and:0.0492 were:0.0398 they:0.0386 is:0.0382 was:0.0309 to:0.0196 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -of:0.3767 :0.3824 for:0.0539 to:0.0476 with:0.0323 in:0.0315 and:0.0256 that:0.0188 on:0.0162 is:0.0150 -the:0.0331 his:0.0304 :0.8555 and:0.0187 with:0.0122 their:0.0108 by:0.0102 its:0.0102 my:0.0101 of:0.0086 -:0.9230 most:0.0137 said:0.0126 first:0.0105 same:0.0096 best:0.0067 last:0.0065 following:0.0062 whole:0.0059 great:0.0052 -:0.6875 in:0.0722 of:0.0492 to:0.0374 with:0.0337 on:0.0271 for:0.0252 by:0.0247 that:0.0241 from:0.0188 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6919 of:0.0843 in:0.0687 is:0.0313 if:0.0269 all:0.0246 on:0.0214 by:0.0175 for:0.0170 at:0.0162 -:0.5774 the:0.2242 of:0.0849 and:0.0332 to:0.0225 a:0.0151 his:0.0136 tho:0.0118 in:0.0090 or:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.0565 the:0.0356 :0.8665 of:0.0078 his:0.0076 tho:0.0061 very:0.0051 per:0.0051 their:0.0048 and:0.0048 -:0.9664 same:0.0098 said:0.0043 last:0.0034 past:0.0030 most:0.0029 and:0.0026 above:0.0026 next:0.0026 first:0.0024 -:0.8249 the:0.0611 a:0.0408 and:0.0188 of:0.0116 was:0.0106 his:0.0095 be:0.0086 in:0.0071 an:0.0070 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6599 of:0.1920 and:0.0440 to:0.0268 in:0.0202 per:0.0174 on:0.0121 for:0.0102 the:0.0089 that:0.0086 -:0.6186 the:0.0924 is:0.0890 a:0.0622 was:0.0292 will:0.0279 are:0.0271 he:0.0203 to:0.0192 they:0.0141 -:0.9565 city:0.0067 people:0.0057 country:0.0052 same:0.0051 time:0.0049 interest:0.0044 court:0.0040 world:0.0039 day:0.0037 -:0.5835 the:0.2605 a:0.0416 of:0.0309 in:0.0174 and:0.0164 their:0.0138 an:0.0137 tho:0.0113 no:0.0108 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5014 :0.3775 this:0.0239 tho:0.0202 tbe:0.0183 a:0.0178 an:0.0150 his:0.0100 such:0.0081 their:0.0078 -:0.9361 world:0.0105 city:0.0079 law:0.0078 government:0.0066 bill:0.0064 case:0.0064 result:0.0061 same:0.0061 land:0.0061 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6968 and:0.0982 of:0.0800 in:0.0498 to:0.0173 that:0.0147 or:0.0131 for:0.0113 was:0.0096 a:0.0090 -:0.7091 to:0.0968 and:0.0605 will:0.0332 the:0.0213 was:0.0189 not:0.0180 or:0.0141 is:0.0141 would:0.0140 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8807 him:0.0199 and:0.0161 it:0.0155 such:0.0154 that:0.0131 them:0.0130 described:0.0097 men:0.0093 us:0.0075 -:0.8966 the:0.0257 that:0.0231 to:0.0201 and:0.0140 in:0.0060 he:0.0039 of:0.0039 with:0.0034 a:0.0032 -:0.8390 day:0.0590 side:0.0300 part:0.0138 line:0.0126 quarter:0.0098 hundred:0.0096 class:0.0090 one:0.0087 kind:0.0086 -:0.7463 say:0.0769 know:0.0349 see:0.0330 be:0.0252 believe:0.0211 learn:0.0178 show:0.0177 think:0.0140 do:0.0132 -:0.6846 are:0.1164 have:0.0392 know:0.0326 see:0.0280 were:0.0272 do:0.0256 think:0.0193 find:0.0140 feel:0.0132 -the:0.1327 :0.7215 a:0.0527 said:0.0186 his:0.0181 its:0.0141 this:0.0113 their:0.0107 tho:0.0102 an:0.0101 -venture:0.0006 assemble:0.0006 report:0.0005 presume:0.0005 agree:0.0005 have:0.0005 pretend:0.0005 try:0.0005 propose:0.0005 confess:0.0005 -:0.6125 in:0.0969 for:0.0672 that:0.0543 about:0.0416 the:0.0363 with:0.0245 a:0.0240 to:0.0219 at:0.0207 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5285 the:0.2889 this:0.0713 a:0.0310 said:0.0209 and:0.0171 that:0.0146 tho:0.0112 of:0.0083 to:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9303 and:0.0325 is:0.0065 was:0.0061 it:0.0049 that:0.0046 of:0.0043 him:0.0041 but:0.0034 went:0.0033 -:0.7309 of:0.1230 and:0.0507 the:0.0207 to:0.0188 in:0.0166 or:0.0109 with:0.0102 on:0.0094 that:0.0089 -:0.9788 and:0.0039 it:0.0037 in:0.0030 here:0.0020 to:0.0020 home:0.0017 more:0.0017 long:0.0017 back:0.0016 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7555 the:0.0964 of:0.0398 and:0.0296 a:0.0163 that:0.0141 in:0.0136 his:0.0128 or:0.0124 to:0.0093 -:0.6247 the:0.2546 a:0.0377 other:0.0209 his:0.0160 no:0.0114 tho:0.0113 its:0.0081 two:0.0080 all:0.0075 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7255 of:0.1127 and:0.0541 in:0.0423 the:0.0136 on:0.0115 for:0.0114 to:0.0104 that:0.0095 as:0.0087 -:0.8689 little:0.0220 large:0.0187 good:0.0184 few:0.0173 very:0.0158 great:0.0126 certain:0.0104 long:0.0089 small:0.0072 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6487 of:0.1441 in:0.0461 to:0.0371 and:0.0317 for:0.0209 on:0.0206 with:0.0195 at:0.0168 that:0.0143 -:0.8522 a:0.0293 and:0.0244 of:0.0214 for:0.0137 is:0.0129 was:0.0125 be:0.0121 the:0.0108 very:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9230 most:0.0145 said:0.0139 same:0.0097 best:0.0092 first:0.0064 whole:0.0062 great:0.0061 th:0.0056 two:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8999 old:0.0247 hour:0.0196 officer:0.0172 men:0.0155 act:0.0063 people:0.0053 attack:0.0048 article:0.0035 opinion:0.0032 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -a:0.2010 :0.6116 the:0.0798 they:0.0218 he:0.0175 it:0.0159 follows:0.0157 to:0.0138 we:0.0128 much:0.0100 -:0.8397 and:0.0418 the:0.0256 of:0.0255 in:0.0145 was:0.0137 is:0.0104 at:0.0100 are:0.0098 or:0.0089 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5766 the:0.2692 a:0.0723 of:0.0307 and:0.0119 an:0.0100 to:0.0090 in:0.0076 his:0.0067 as:0.0061 -:0.9453 man:0.0106 matter:0.0070 year:0.0065 time:0.0063 little:0.0056 long:0.0053 good:0.0046 day:0.0045 bill:0.0044 -:0.9145 hour:0.0192 to:0.0192 old:0.0095 inch:0.0083 open:0.0070 early:0.0062 average:0.0058 and:0.0054 extensive:0.0051 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5787 and:0.0759 of:0.0701 in:0.0696 to:0.0684 for:0.0325 from:0.0304 on:0.0275 with:0.0257 at:0.0212 -:0.5536 of:0.0969 not:0.0714 to:0.0684 in:0.0437 with:0.0378 and:0.0373 for:0.0355 as:0.0337 by:0.0217 -:0.7691 we:0.0501 they:0.0378 who:0.0345 which:0.0285 there:0.0215 men:0.0213 and:0.0181 you:0.0120 that:0.0072 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -:0.7803 have:0.0404 had:0.0371 went:0.0278 are:0.0273 is:0.0229 came:0.0217 seemed:0.0151 wish:0.0147 began:0.0129 -per:0.8066 :0.1462 nper:0.0162 a:0.0131 to:0.0048 the:0.0036 and:0.0031 or:0.0025 of:0.0022 one:0.0018 -:0.9151 went:0.0231 and:0.0114 it:0.0093 him:0.0088 out:0.0077 came:0.0075 go:0.0060 up:0.0059 them:0.0053 -:0.6625 of:0.1859 and:0.0671 the:0.0242 in:0.0125 that:0.0112 was:0.0097 for:0.0097 as:0.0086 or:0.0086 -to:0.9594 :0.0300 and:0.0053 will:0.0012 for:0.0012 of:0.0007 lo:0.0007 in:0.0005 can:0.0005 not:0.0005 -:0.8376 it:0.0567 and:0.0293 that:0.0218 who:0.0186 which:0.0106 he:0.0101 there:0.0071 as:0.0051 but:0.0031 -the:0.3392 :0.4434 his:0.0802 a:0.0301 their:0.0286 our:0.0219 tho:0.0216 its:0.0134 this:0.0109 these:0.0108 -:0.8091 the:0.0702 and:0.0357 a:0.0270 of:0.0165 that:0.0110 as:0.0092 in:0.0078 to:0.0072 by:0.0063 -:0.8202 and:0.0629 was:0.0310 is:0.0208 it:0.0154 to:0.0133 that:0.0110 are:0.0098 as:0.0082 who:0.0074 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5687 to:0.2337 and:0.0697 will:0.0366 of:0.0264 would:0.0181 can:0.0130 not:0.0116 shall:0.0116 may:0.0106 -:0.8219 and:0.0856 but:0.0222 to:0.0209 out:0.0141 called:0.0082 made:0.0079 down:0.0075 laid:0.0061 was:0.0056 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.2197 :0.5538 a:0.0660 their:0.0374 his:0.0330 tho:0.0260 this:0.0226 such:0.0153 its:0.0138 her:0.0123 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.3519 his:0.1427 a:0.1307 their:0.0894 :0.1661 its:0.0306 our:0.0260 my:0.0237 tho:0.0227 her:0.0163 -:0.7176 of:0.0484 at:0.0454 a:0.0442 for:0.0277 on:0.0272 by:0.0240 from:0.0229 to:0.0213 in:0.0212 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -hereby:0.0634 no:0.0220 a:0.0180 not:0.0177 the:0.0140 very:0.0118 many:0.0103 comparatively:0.0068 much:0.0063 :0.8296 -:0.7339 the:0.1116 and:0.0649 a:0.0374 one:0.0141 to:0.0106 or:0.0095 this:0.0073 any:0.0054 not:0.0053 -:0.8319 and:0.0547 of:0.0272 for:0.0173 in:0.0154 to:0.0134 but:0.0117 at:0.0104 from:0.0096 all:0.0083 -:0.7577 the:0.1035 a:0.0438 all:0.0185 to:0.0160 be:0.0154 his:0.0124 an:0.0115 not:0.0112 any:0.0100 -the:0.4241 :0.4078 a:0.0708 tho:0.0220 an:0.0217 his:0.0151 this:0.0141 their:0.0093 one:0.0078 tbe:0.0073 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7159 in:0.0555 that:0.0515 on:0.0350 of:0.0320 and:0.0252 from:0.0227 for:0.0222 by:0.0220 to:0.0181 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.0440 not:0.0419 a:0.0381 hereby:0.0287 very:0.0198 no:0.0154 said:0.0103 quite:0.0082 an:0.0078 always:0.0071 -own:0.0127 :0.9403 public:0.0073 whole:0.0069 highest:0.0066 present:0.0061 first:0.0056 young:0.0053 great:0.0047 original:0.0046 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -the:0.7146 a:0.0515 this:0.0413 :0.1038 tho:0.0253 his:0.0210 their:0.0133 said:0.0109 its:0.0096 our:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9824 the:0.0036 and:0.0020 have:0.0020 is:0.0019 has:0.0018 be:0.0018 as:0.0016 was:0.0016 not:0.0014 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8284 and:0.0786 of:0.0210 to:0.0156 in:0.0127 for:0.0107 that:0.0087 the:0.0086 we:0.0082 they:0.0075 -:0.5893 in:0.1119 of:0.0938 on:0.0401 that:0.0349 and:0.0340 by:0.0318 for:0.0231 from:0.0208 is:0.0204 -:0.5006 not:0.2051 be:0.1006 take:0.0885 have:0.0508 bo:0.0251 the:0.0098 to:0.0068 give:0.0063 do:0.0063 -:0.6023 of:0.0907 and:0.0825 to:0.0554 the:0.0544 in:0.0456 that:0.0247 for:0.0159 by:0.0158 a:0.0129 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8423 and:0.0363 who:0.0236 to:0.0167 we:0.0163 as:0.0149 was:0.0142 he:0.0141 is:0.0109 will:0.0106 -:0.9182 fact:0.0241 matter:0.0110 man:0.0096 thing:0.0068 word:0.0067 certain:0.0066 doubt:0.0059 statement:0.0058 law:0.0054 -:0.9520 same:0.0099 public:0.0061 world:0.0060 following:0.0051 highest:0.0045 most:0.0044 first:0.0042 other:0.0041 latter:0.0037 -:0.7521 of:0.0862 and:0.0459 to:0.0294 as:0.0180 in:0.0179 for:0.0152 that:0.0138 or:0.0119 the:0.0095 -:0.8540 was:0.0319 the:0.0307 had:0.0191 is:0.0133 of:0.0118 and:0.0115 in:0.0098 a:0.0098 to:0.0081 -:0.6517 the:0.1148 of:0.0539 and:0.0521 to:0.0440 a:0.0214 as:0.0195 that:0.0188 for:0.0120 in:0.0119 -:0.5393 of:0.2809 to:0.0410 the:0.0378 and:0.0366 that:0.0213 for:0.0137 in:0.0121 or:0.0102 on:0.0070 -:0.7759 the:0.0731 to:0.0325 and:0.0303 a:0.0259 in:0.0197 of:0.0196 at:0.0091 on:0.0078 for:0.0062 -:0.8478 made:0.0365 found:0.0190 held:0.0169 used:0.0163 done:0.0133 paid:0.0132 engaged:0.0128 placed:0.0127 taken:0.0114 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5920 so:0.1132 as:0.0814 and:0.0575 is:0.0381 too:0.0351 was:0.0337 or:0.0247 but:0.0133 of:0.0111 -:0.8055 and:0.0679 to:0.0325 the:0.0234 a:0.0202 that:0.0118 or:0.0109 of:0.0107 was:0.0091 is:0.0080 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8913 of:0.0512 and:0.0260 the:0.0081 in:0.0052 with:0.0041 that:0.0037 or:0.0037 at:0.0035 he:0.0033 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7713 and:0.0733 of:0.0420 to:0.0376 in:0.0158 the:0.0136 as:0.0135 at:0.0122 on:0.0106 for:0.0101 -doubt:0.0317 longer:0.0262 other:0.0180 reason:0.0161 one:0.0094 better:0.0079 more:0.0061 greater:0.0049 very:0.0044 means:0.0040 -:0.4973 of:0.1410 at:0.0974 last:0.0805 the:0.0485 and:0.0475 that:0.0395 or:0.0218 for:0.0142 a:0.0124 -:0.8713 the:0.0343 not:0.0269 in:0.0161 a:0.0149 to:0.0111 all:0.0073 made:0.0065 no:0.0063 and:0.0053 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -the:0.0533 tho:0.0184 his:0.0174 a:0.0169 other:0.0130 their:0.0089 its:0.0082 every:0.0075 very:0.0058 my:0.0052 -:0.9191 and:0.0283 of:0.0212 or:0.0075 in:0.0063 the:0.0047 are:0.0040 to:0.0034 men:0.0028 time:0.0027 -:0.6490 to:0.0982 of:0.0549 in:0.0421 and:0.0399 with:0.0309 for:0.0271 at:0.0238 by:0.0203 as:0.0138 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.5942 of:0.1086 to:0.0998 and:0.0578 for:0.0390 in:0.0366 at:0.0185 by:0.0167 with:0.0157 or:0.0132 -:0.8694 and:0.0540 are:0.0160 was:0.0149 were:0.0121 is:0.0082 he:0.0072 be:0.0071 it:0.0056 has:0.0055 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -to:0.3146 :0.4943 and:0.0415 will:0.0396 we:0.0288 can:0.0219 who:0.0182 would:0.0170 not:0.0124 they:0.0118 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -the:0.1137 :0.7750 of:0.0249 a:0.0245 tho:0.0218 said:0.0085 their:0.0081 no:0.0081 our:0.0080 tbe:0.0074 -not:0.0740 been:0.0691 a:0.0593 :0.6642 no:0.0464 the:0.0287 to:0.0195 an:0.0191 always:0.0115 done:0.0082 -:0.7852 the:0.0340 a:0.0319 to:0.0298 that:0.0288 they:0.0257 all:0.0249 one:0.0146 in:0.0131 any:0.0120 -the:0.3847 :0.4532 a:0.0301 their:0.0271 tho:0.0261 an:0.0184 his:0.0183 such:0.0161 tbe:0.0143 its:0.0117 -:0.8475 the:0.0502 and:0.0250 to:0.0184 a:0.0138 in:0.0116 of:0.0115 that:0.0098 at:0.0070 with:0.0052 -:0.5041 of:0.1220 in:0.0944 and:0.0533 on:0.0478 from:0.0463 for:0.0435 at:0.0345 to:0.0330 with:0.0212 -the:0.3410 :0.5262 a:0.0532 tho:0.0204 his:0.0142 an:0.0115 their:0.0090 this:0.0086 which:0.0083 its:0.0077 -:0.7247 the:0.1434 a:0.0253 his:0.0236 that:0.0204 said:0.0177 her:0.0123 all:0.0120 tho:0.0109 to:0.0097 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9672 and:0.0137 in:0.0030 place:0.0026 house:0.0025 law:0.0025 way:0.0024 him:0.0022 country:0.0021 of:0.0020 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.8040 and:0.0598 the:0.0249 was:0.0222 is:0.0209 are:0.0209 be:0.0131 he:0.0127 were:0.0107 of:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5895 and:0.1229 that:0.0591 as:0.0514 but:0.0377 which:0.0367 who:0.0343 if:0.0249 when:0.0247 where:0.0189 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6428 him:0.0961 them:0.0867 me:0.0533 up:0.0472 it:0.0282 her:0.0167 us:0.0160 one:0.0068 regard:0.0062 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.9062 and:0.0332 of:0.0332 to:0.0056 the:0.0056 or:0.0038 in:0.0035 as:0.0033 city:0.0029 people:0.0028 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.7961 went:0.0482 had:0.0351 is:0.0256 was:0.0200 came:0.0198 began:0.0194 seemed:0.0161 ought:0.0106 seems:0.0092 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -the:0.3410 :0.5262 a:0.0532 tho:0.0204 his:0.0142 an:0.0115 their:0.0090 this:0.0086 which:0.0083 its:0.0077 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9420 same:0.0129 said:0.0085 past:0.0074 following:0.0051 most:0.0050 present:0.0049 best:0.0048 last:0.0047 first:0.0046 -:0.6678 the:0.1604 of:0.0482 a:0.0336 in:0.0227 and:0.0198 this:0.0167 his:0.0113 no:0.0104 with:0.0090 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8693 and:0.0501 to:0.0186 the:0.0177 of:0.0110 in:0.0106 for:0.0065 which:0.0061 that:0.0060 he:0.0041 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8730 and:0.0251 to:0.0230 in:0.0215 of:0.0168 for:0.0123 with:0.0088 or:0.0069 one:0.0068 at:0.0057 -:0.6214 the:0.1106 of:0.0929 a:0.0694 and:0.0293 in:0.0224 as:0.0142 with:0.0136 is:0.0136 by:0.0126 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.6237 the:0.2260 a:0.0512 and:0.0242 of:0.0204 his:0.0125 is:0.0123 all:0.0107 was:0.0095 tho:0.0095 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7154 the:0.0955 a:0.0577 of:0.0430 in:0.0277 and:0.0156 his:0.0127 said:0.0118 an:0.0113 this:0.0093 -:0.7438 the:0.0822 and:0.0419 to:0.0326 of:0.0273 that:0.0178 with:0.0164 a:0.0134 in:0.0133 not:0.0112 -:0.8207 of:0.0430 to:0.0282 and:0.0257 in:0.0187 for:0.0157 on:0.0132 the:0.0129 at:0.0110 a:0.0108 -:0.8284 to:0.0469 and:0.0360 the:0.0265 in:0.0127 on:0.0118 with:0.0111 by:0.0096 for:0.0093 of:0.0077 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.7562 that:0.0736 and:0.0638 which:0.0272 to:0.0207 as:0.0190 will:0.0114 when:0.0106 but:0.0089 of:0.0087 -:0.6328 and:0.1452 of:0.0639 the:0.0378 to:0.0333 for:0.0293 with:0.0179 in:0.0160 by:0.0119 or:0.0119 -:0.5782 to:0.2445 and:0.0754 of:0.0278 as:0.0230 a:0.0138 that:0.0123 for:0.0099 in:0.0095 from:0.0054 -:0.8862 way:0.0194 return:0.0180 duty:0.0144 feet:0.0137 power:0.0107 efforts:0.0104 desire:0.0095 order:0.0090 right:0.0089 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.7258 the:0.1225 of:0.0387 a:0.0293 and:0.0265 in:0.0226 to:0.0108 tho:0.0080 an:0.0079 his:0.0078 -:0.6464 the:0.2231 a:0.0630 it:0.0125 an:0.0106 this:0.0096 his:0.0096 tho:0.0091 their:0.0090 he:0.0072 -:0.5306 the:0.2771 this:0.0876 a:0.0219 tho:0.0166 of:0.0159 our:0.0151 his:0.0145 and:0.0120 any:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7385 the:0.1663 his:0.0298 two:0.0119 other:0.0112 tho:0.0108 a:0.0100 its:0.0087 their:0.0080 most:0.0047 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.7393 the:0.1367 and:0.0339 a:0.0189 of:0.0167 his:0.0161 this:0.0108 an:0.0093 said:0.0093 tho:0.0088 -:0.7098 the:0.1357 of:0.0487 and:0.0453 in:0.0221 this:0.0111 to:0.0093 a:0.0074 tho:0.0057 or:0.0049 -:0.8181 much:0.0639 little:0.0427 large:0.0147 good:0.0137 long:0.0117 many:0.0112 great:0.0081 well:0.0080 small:0.0078 -:0.7684 of:0.0999 and:0.0513 in:0.0166 the:0.0131 that:0.0114 was:0.0114 is:0.0101 who:0.0098 as:0.0080 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7247 to:0.0797 of:0.0717 for:0.0354 with:0.0222 and:0.0183 in:0.0161 on:0.0134 let:0.0108 by:0.0077 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8412 in:0.0311 to:0.0289 and:0.0241 of:0.0155 that:0.0142 a:0.0124 on:0.0122 the:0.0103 as:0.0100 -:0.8045 we:0.0299 it:0.0269 he:0.0258 you:0.0243 they:0.0223 that:0.0196 and:0.0191 who:0.0149 which:0.0128 -the:0.7246 :0.1760 his:0.0279 a:0.0212 tho:0.0148 this:0.0093 its:0.0079 no:0.0077 their:0.0066 our:0.0041 -:0.5849 the:0.1600 a:0.1418 and:0.0254 of:0.0213 is:0.0195 was:0.0168 his:0.0114 or:0.0097 have:0.0094 -:0.9280 held:0.0122 and:0.0118 it:0.0103 was:0.0102 looked:0.0070 is:0.0065 made:0.0049 he:0.0048 that:0.0043 -:0.6243 of:0.1350 to:0.0767 and:0.0643 in:0.0274 that:0.0197 the:0.0140 as:0.0139 at:0.0134 for:0.0113 -be:0.4790 :0.3828 bo:0.0420 have:0.0318 the:0.0213 not:0.0133 a:0.0086 he:0.0086 take:0.0066 make:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9199 few:0.0162 good:0.0129 little:0.0127 large:0.0071 long:0.0071 very:0.0064 great:0.0063 fair:0.0061 certain:0.0055 -:0.6844 of:0.1379 and:0.0544 the:0.0476 a:0.0251 to:0.0127 or:0.0122 with:0.0090 in:0.0084 is:0.0084 -:0.8004 the:0.0352 a:0.0285 that:0.0270 and:0.0221 in:0.0206 to:0.0202 of:0.0197 it:0.0133 he:0.0130 -to:0.8783 :0.0763 in:0.0095 that:0.0085 from:0.0054 and:0.0048 for:0.0047 of:0.0044 on:0.0043 by:0.0039 -:0.9733 hundred:0.0091 in:0.0036 and:0.0025 years:0.0023 wife:0.0020 long:0.0020 hand:0.0018 home:0.0018 men:0.0017 -:0.5502 been:0.1669 the:0.0878 a:0.0777 no:0.0497 to:0.0246 in:0.0140 not:0.0132 his:0.0083 be:0.0075 -:0.7294 days:0.0678 years:0.0615 of:0.0350 and:0.0292 months:0.0248 hundred:0.0147 feet:0.0128 weeks:0.0127 or:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7603 have:0.0747 go:0.0359 seem:0.0307 be:0.0268 come:0.0206 expect:0.0139 return:0.0129 fail:0.0124 apply:0.0117 -the:0.4201 tho:0.0527 a:0.0427 :0.3536 his:0.0302 our:0.0245 this:0.0217 their:0.0203 tbe:0.0179 its:0.0162 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8763 and:0.0328 of:0.0243 for:0.0161 is:0.0121 that:0.0115 to:0.0075 from:0.0068 or:0.0064 but:0.0063 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8911 and:0.0358 of:0.0149 to:0.0143 the:0.0110 in:0.0079 a:0.0077 was:0.0070 or:0.0054 for:0.0049 -:0.8089 and:0.0544 the:0.0282 in:0.0254 to:0.0199 of:0.0174 as:0.0138 that:0.0131 a:0.0105 is:0.0084 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5106 of:0.1912 to:0.0842 in:0.0768 and:0.0358 at:0.0265 for:0.0219 on:0.0215 with:0.0188 by:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5982 the:0.2101 a:0.0702 his:0.0290 of:0.0183 to:0.0179 in:0.0161 and:0.0156 that:0.0141 their:0.0104 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8699 great:0.0301 large:0.0167 very:0.0162 the:0.0148 little:0.0134 good:0.0131 new:0.0100 certain:0.0083 a:0.0076 -:0.8645 and:0.0336 of:0.0291 the:0.0234 in:0.0118 that:0.0100 by:0.0080 he:0.0077 as:0.0062 with:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.8273 made:0.0306 held:0.0299 found:0.0265 used:0.0195 paid:0.0194 placed:0.0136 done:0.0133 seen:0.0103 sold:0.0096 -to:0.1746 :0.4300 by:0.0835 for:0.0561 and:0.0512 than:0.0492 in:0.0487 with:0.0444 at:0.0312 of:0.0310 -has:0.2537 :0.3347 have:0.1902 had:0.1567 having:0.0239 not:0.0125 lias:0.0110 bad:0.0065 ha:0.0056 havo:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.3393 a:0.1243 :0.3039 any:0.0957 his:0.0447 every:0.0247 this:0.0228 its:0.0159 our:0.0145 their:0.0142 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7525 of:0.0517 in:0.0392 for:0.0314 on:0.0276 and:0.0275 by:0.0244 with:0.0198 or:0.0149 was:0.0112 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6888 to:0.1577 and:0.0517 in:0.0236 with:0.0164 that:0.0164 at:0.0147 of:0.0121 for:0.0101 by:0.0085 -:0.9438 own:0.0083 life:0.0081 feet:0.0071 heart:0.0067 wife:0.0061 father:0.0059 friends:0.0059 head:0.0043 years:0.0037 -:0.6706 and:0.2116 of:0.0337 dollars:0.0204 with:0.0124 or:0.0121 to:0.0117 feet:0.0109 years:0.0097 men:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7398 of:0.1531 and:0.0231 hundred:0.0194 to:0.0162 or:0.0122 in:0.0109 year:0.0096 day:0.0083 that:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9248 and:0.0316 of:0.0193 the:0.0052 man:0.0039 men:0.0037 other:0.0033 in:0.0031 time:0.0026 people:0.0024 -:0.9514 people:0.0125 men:0.0094 city:0.0059 officers:0.0042 farmers:0.0038 bill:0.0034 world:0.0032 law:0.0032 time:0.0031 -:0.9034 and:0.0444 to:0.0100 of:0.0094 in:0.0090 the:0.0065 or:0.0053 for:0.0049 that:0.0038 with:0.0033 -:0.7056 and:0.1119 of:0.0541 in:0.0347 to:0.0185 but:0.0174 for:0.0166 is:0.0151 on:0.0131 at:0.0131 -:0.6728 they:0.1038 we:0.0929 there:0.0472 who:0.0203 you:0.0188 that:0.0131 then:0.0120 which:0.0107 it:0.0084 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.6643 as:0.0800 in:0.0659 of:0.0372 for:0.0319 with:0.0266 and:0.0246 on:0.0244 at:0.0236 by:0.0214 -of:0.3029 :0.3634 in:0.0552 for:0.0547 to:0.0521 and:0.0414 from:0.0363 that:0.0317 at:0.0312 with:0.0310 -:0.7132 was:0.0779 and:0.0472 is:0.0335 be:0.0321 are:0.0268 he:0.0208 have:0.0206 were:0.0152 had:0.0128 -of:0.2073 at:0.1530 the:0.1179 :0.2938 in:0.0747 to:0.0620 from:0.0270 for:0.0224 a:0.0219 with:0.0198 -:0.4982 is:0.1417 will:0.0620 could:0.0593 if:0.0493 does:0.0481 would:0.0378 was:0.0376 are:0.0343 did:0.0315 -:0.9359 went:0.0105 put:0.0103 then:0.0090 the:0.0081 it:0.0062 get:0.0060 sent:0.0051 cut:0.0045 go:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7059 of:0.0749 the:0.0567 and:0.0554 is:0.0245 was:0.0191 a:0.0181 in:0.0175 are:0.0145 be:0.0134 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.7355 he:0.0935 who:0.0598 and:0.0368 we:0.0162 they:0.0148 was:0.0120 that:0.0113 not:0.0103 she:0.0098 -of:0.1618 :0.7075 and:0.0364 the:0.0227 for:0.0162 we:0.0135 or:0.0124 that:0.0108 ot:0.0096 at:0.0092 -has:0.3880 have:0.1804 :0.3040 had:0.0676 having:0.0148 lias:0.0126 not:0.0099 and:0.0090 haa:0.0071 ha:0.0065 -:0.6152 to:0.2263 and:0.0694 will:0.0337 of:0.0177 would:0.0113 the:0.0087 could:0.0067 can:0.0057 we:0.0052 -:0.7224 and:0.0812 of:0.0651 to:0.0399 in:0.0214 for:0.0191 with:0.0174 is:0.0122 by:0.0113 the:0.0102 -:0.5747 a:0.1725 of:0.0982 the:0.0747 and:0.0288 in:0.0132 his:0.0114 with:0.0105 by:0.0087 that:0.0074 -:0.7220 to:0.0634 and:0.0539 that:0.0398 of:0.0330 for:0.0275 with:0.0169 in:0.0157 is:0.0151 at:0.0127 -of:0.3850 :0.2946 to:0.0820 in:0.0542 from:0.0405 on:0.0378 for:0.0338 with:0.0311 and:0.0240 at:0.0170 -:0.8324 of:0.0577 and:0.0330 to:0.0197 in:0.0132 that:0.0105 the:0.0091 as:0.0091 for:0.0083 or:0.0071 -:0.8488 hour:0.0489 act:0.0189 increase:0.0175 amount:0.0157 order:0.0127 action:0.0122 example:0.0091 average:0.0083 explanation:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9122 same:0.0255 highest:0.0204 public:0.0080 world:0.0072 above:0.0065 most:0.0059 latter:0.0055 following:0.0046 first:0.0043 -:0.7113 of:0.1135 the:0.0539 and:0.0382 to:0.0366 in:0.0129 for:0.0126 by:0.0082 that:0.0069 with:0.0059 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9338 people:0.0107 world:0.0102 same:0.0093 law:0.0074 city:0.0067 war:0.0064 government:0.0062 case:0.0053 bill:0.0040 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.5532 the:0.2640 a:0.0552 of:0.0429 as:0.0183 his:0.0162 and:0.0155 tho:0.0147 this:0.0117 our:0.0084 -:0.7816 to:0.0659 and:0.0549 the:0.0172 that:0.0152 he:0.0150 is:0.0143 be:0.0132 as:0.0113 we:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6903 the:0.1129 to:0.0665 of:0.0338 and:0.0316 a:0.0178 at:0.0129 in:0.0122 his:0.0113 this:0.0107 -:0.6835 the:0.1273 to:0.0649 a:0.0475 and:0.0253 of:0.0190 his:0.0109 this:0.0082 will:0.0073 tho:0.0062 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -of:0.4261 :0.4361 and:0.0390 in:0.0258 at:0.0171 with:0.0158 or:0.0141 is:0.0094 for:0.0088 on:0.0078 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.8787 and:0.0525 or:0.0158 than:0.0105 it:0.0101 is:0.0077 of:0.0074 that:0.0066 a:0.0054 was:0.0053 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -:0.4164 the:0.1839 of:0.1474 to:0.1129 in:0.0483 for:0.0336 and:0.0222 a:0.0153 at:0.0104 by:0.0096 -:0.7673 he:0.0376 was:0.0362 and:0.0346 has:0.0312 that:0.0264 the:0.0248 is:0.0142 per:0.0138 which:0.0138 -:0.5081 to:0.0876 in:0.0844 for:0.0812 and:0.0556 on:0.0519 of:0.0458 than:0.0304 at:0.0304 that:0.0245 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9066 and:0.0187 is:0.0144 are:0.0104 held:0.0100 was:0.0096 were:0.0092 up:0.0092 placed:0.0059 that:0.0059 -him:0.1683 :0.5267 them:0.1173 it:0.0438 me:0.0423 us:0.0316 up:0.0301 her:0.0175 order:0.0114 you:0.0110 -:0.8221 and:0.0420 the:0.0236 of:0.0235 was:0.0212 to:0.0172 be:0.0133 he:0.0129 a:0.0123 is:0.0118 -:0.8010 and:0.0545 of:0.0432 in:0.0223 to:0.0184 that:0.0143 is:0.0130 or:0.0129 the:0.0107 for:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.7487 the:0.0711 and:0.0602 of:0.0409 to:0.0161 his:0.0157 a:0.0147 in:0.0127 for:0.0109 is:0.0090 -:0.6052 of:0.2244 and:0.0454 the:0.0415 is:0.0173 was:0.0162 that:0.0142 in:0.0137 to:0.0110 or:0.0110 -:0.8060 to:0.0927 and:0.0285 the:0.0184 of:0.0139 in:0.0109 a:0.0107 for:0.0069 he:0.0063 been:0.0057 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7713 and:0.0603 was:0.0417 is:0.0377 be:0.0185 to:0.0173 are:0.0159 has:0.0136 have:0.0128 of:0.0109 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6206 the:0.2204 of:0.0718 and:0.0190 in:0.0150 his:0.0133 a:0.0125 at:0.0095 was:0.0095 is:0.0084 -the:0.2685 a:0.2042 :0.4146 be:0.0466 his:0.0187 this:0.0123 tho:0.0108 its:0.0088 her:0.0083 take:0.0071 -:0.8260 and:0.0634 a:0.0269 the:0.0266 to:0.0150 of:0.0094 was:0.0093 this:0.0084 is:0.0076 in:0.0074 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.6715 the:0.1028 least:0.0622 once:0.0309 present:0.0258 oclock:0.0258 this:0.0235 any:0.0206 his:0.0197 public:0.0174 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5694 of:0.1260 to:0.0911 and:0.0674 for:0.0403 in:0.0397 as:0.0193 or:0.0173 at:0.0163 on:0.0132 -:0.8423 to:0.0593 and:0.0464 of:0.0104 that:0.0073 in:0.0071 is:0.0071 will:0.0071 was:0.0068 not:0.0061 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.5456 as:0.1144 is:0.0774 in:0.0673 of:0.0535 for:0.0409 was:0.0307 and:0.0265 to:0.0237 that:0.0201 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9304 own:0.0184 life:0.0118 wife:0.0104 mind:0.0059 friends:0.0052 years:0.0051 hand:0.0050 father:0.0040 brother:0.0038 -to:0.3408 :0.3961 will:0.0956 and:0.0548 would:0.0330 shall:0.0184 should:0.0176 may:0.0167 can:0.0146 who:0.0123 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8334 the:0.1025 a:0.0176 his:0.0102 being:0.0078 said:0.0064 them:0.0063 such:0.0053 her:0.0052 this:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7529 to:0.0813 a:0.0593 the:0.0310 his:0.0190 and:0.0153 in:0.0152 for:0.0132 their:0.0066 by:0.0062 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6307 of:0.1785 and:0.0723 to:0.0380 the:0.0246 or:0.0137 in:0.0114 for:0.0111 a:0.0104 that:0.0092 -the:0.3792 :0.3783 their:0.0430 that:0.0421 a:0.0318 any:0.0309 his:0.0303 this:0.0280 our:0.0201 tho:0.0163 -:0.8245 put:0.0375 made:0.0231 set:0.0212 picked:0.0210 come:0.0180 got:0.0162 taken:0.0161 get:0.0113 came:0.0109 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8001 take:0.0387 make:0.0387 give:0.0291 get:0.0238 keep:0.0184 see:0.0137 be:0.0133 do:0.0132 hold:0.0110 -:0.8432 the:0.0501 he:0.0207 a:0.0156 is:0.0150 it:0.0145 time:0.0142 all:0.0102 this:0.0085 any:0.0080 -than:0.2452 :0.5186 in:0.0413 to:0.0370 of:0.0327 on:0.0275 that:0.0256 for:0.0256 at:0.0234 with:0.0232 -:0.6501 of:0.1907 and:0.0808 was:0.0145 to:0.0144 is:0.0118 the:0.0109 for:0.0096 in:0.0088 that:0.0084 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7207 and:0.0872 to:0.0830 the:0.0449 of:0.0202 or:0.0123 for:0.0087 in:0.0087 will:0.0076 that:0.0068 -:0.7892 the:0.0535 a:0.0388 of:0.0301 and:0.0248 was:0.0225 be:0.0122 is:0.0109 in:0.0105 to:0.0077 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5148 in:0.0986 to:0.0967 with:0.0646 for:0.0576 on:0.0413 and:0.0410 of:0.0332 at:0.0285 by:0.0238 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.6980 the:0.1145 and:0.0365 a:0.0324 to:0.0306 in:0.0298 of:0.0175 his:0.0143 this:0.0137 will:0.0127 -:0.6824 the:0.1458 a:0.0558 of:0.0338 said:0.0193 and:0.0188 in:0.0121 his:0.0113 this:0.0104 tho:0.0102 -:0.7351 and:0.1106 of:0.0307 is:0.0296 which:0.0242 was:0.0208 that:0.0139 or:0.0124 as:0.0120 but:0.0107 -:0.5284 a:0.1664 the:0.0755 of:0.0594 and:0.0546 in:0.0364 at:0.0247 for:0.0227 his:0.0166 to:0.0153 -:0.7679 the:0.1298 a:0.0351 and:0.0210 of:0.0143 this:0.0085 an:0.0070 his:0.0064 tho:0.0061 is:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6962 of:0.1125 and:0.0424 in:0.0388 the:0.0280 who:0.0275 for:0.0161 at:0.0147 to:0.0135 are:0.0102 -:0.8303 kind:0.0252 day:0.0220 city:0.0219 part:0.0201 act:0.0194 sort:0.0181 amount:0.0152 matter:0.0140 way:0.0138 -:0.6248 the:0.1761 to:0.0780 this:0.0299 and:0.0276 an:0.0210 a:0.0142 tho:0.0118 their:0.0093 our:0.0072 -:0.5133 of:0.1514 as:0.0492 is:0.0484 was:0.0473 for:0.0468 in:0.0450 by:0.0441 with:0.0317 and:0.0229 -:0.7925 are:0.0404 to:0.0404 and:0.0273 were:0.0216 a:0.0189 the:0.0162 is:0.0155 was:0.0137 all:0.0135 -:0.6081 the:0.1485 a:0.0942 of:0.0494 and:0.0385 in:0.0146 to:0.0145 that:0.0120 at:0.0104 by:0.0098 -:0.5971 of:0.1519 the:0.0730 and:0.0502 to:0.0342 that:0.0234 for:0.0219 a:0.0206 in:0.0168 by:0.0109 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7332 the:0.1410 of:0.0320 a:0.0266 and:0.0151 his:0.0138 in:0.0127 for:0.0093 to:0.0085 tho:0.0079 -:0.8817 them:0.0289 him:0.0230 her:0.0114 it:0.0102 us:0.0101 which:0.0100 one:0.0093 me:0.0090 time:0.0064 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6760 of:0.0661 and:0.0634 as:0.0561 the:0.0296 a:0.0259 in:0.0225 at:0.0217 for:0.0204 is:0.0185 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8605 the:0.0279 of:0.0266 a:0.0202 in:0.0182 that:0.0144 and:0.0110 to:0.0082 from:0.0068 on:0.0062 -:0.8740 up:0.0394 and:0.0219 out:0.0116 in:0.0115 that:0.0108 down:0.0083 him:0.0082 off:0.0072 it:0.0070 -:0.5814 up:0.1430 forth:0.0935 out:0.0393 off:0.0338 down:0.0289 and:0.0271 away:0.0238 or:0.0160 it:0.0133 -:0.8376 and:0.0664 he:0.0162 was:0.0151 is:0.0135 be:0.0115 of:0.0110 the:0.0110 it:0.0089 that:0.0088 -:0.6652 of:0.1345 in:0.0611 to:0.0292 and:0.0260 on:0.0229 for:0.0211 with:0.0172 that:0.0126 by:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -to:0.1881 in:0.1163 :0.4075 for:0.0560 of:0.0428 and:0.0397 at:0.0396 from:0.0395 with:0.0386 on:0.0320 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.7673 :0.1299 tho:0.0302 his:0.0154 said:0.0133 our:0.0114 a:0.0108 this:0.0097 its:0.0061 their:0.0060 -:0.6585 and:0.0921 was:0.0854 is:0.0610 has:0.0260 are:0.0216 of:0.0198 were:0.0141 or:0.0115 had:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9341 time:0.0170 year:0.0071 man:0.0070 word:0.0067 day:0.0066 moment:0.0062 point:0.0060 matter:0.0050 if:0.0043 -:0.9151 and:0.0323 it:0.0093 that:0.0079 of:0.0073 is:0.0059 in:0.0059 to:0.0058 which:0.0053 the:0.0052 -:0.5489 of:0.2560 and:0.0653 to:0.0377 that:0.0214 in:0.0205 the:0.0155 is:0.0126 as:0.0112 was:0.0107 -:0.7387 the:0.0635 to:0.0459 a:0.0383 and:0.0349 of:0.0235 in:0.0183 that:0.0143 from:0.0125 as:0.0100 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.8181 and:0.0494 was:0.0330 is:0.0247 of:0.0176 the:0.0171 has:0.0136 or:0.0091 a:0.0088 be:0.0086 -:0.9047 is:0.0153 city:0.0144 country:0.0139 year:0.0113 morning:0.0097 and:0.0096 time:0.0083 way:0.0066 week:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -an:0.0089 his:0.0081 a:0.0069 the:0.0062 their:0.0046 such:0.0041 many:0.0031 my:0.0030 her:0.0028 far:0.0027 -as:0.2098 :0.4461 and:0.0867 so:0.0660 of:0.0620 is:0.0336 too:0.0319 that:0.0275 was:0.0205 are:0.0159 -:0.7163 the:0.1422 a:0.0493 of:0.0225 and:0.0193 is:0.0118 an:0.0108 in:0.0107 more:0.0090 as:0.0081 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7076 the:0.1314 of:0.0701 in:0.0224 and:0.0180 his:0.0117 tho:0.0114 for:0.0109 said:0.0084 a:0.0080 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7072 to:0.0623 the:0.0456 and:0.0419 as:0.0380 by:0.0329 in:0.0274 for:0.0161 of:0.0143 at:0.0142 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6678 the:0.1604 of:0.0482 a:0.0336 in:0.0227 and:0.0198 this:0.0167 his:0.0113 no:0.0104 with:0.0090 -:0.6041 the:0.1583 a:0.1165 his:0.0213 an:0.0208 him:0.0199 it:0.0168 that:0.0142 them:0.0141 her:0.0139 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9210 and:0.0195 has:0.0102 was:0.0096 is:0.0078 this:0.0075 the:0.0073 a:0.0067 that:0.0054 one:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3275 :0.4748 of:0.0919 and:0.0293 a:0.0248 his:0.0124 our:0.0109 tho:0.0098 their:0.0096 or:0.0090 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -was:0.1898 :0.4506 is:0.1110 are:0.0796 were:0.0697 to:0.0354 will:0.0196 would:0.0159 has:0.0148 be:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6343 the:0.1615 a:0.0432 of:0.0401 his:0.0295 this:0.0233 any:0.0220 their:0.0195 its:0.0136 in:0.0129 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.6100 days:0.0833 to:0.0612 or:0.0570 months:0.0559 and:0.0389 will:0.0295 years:0.0264 weeks:0.0245 of:0.0133 -:0.8146 of:0.0760 the:0.0342 and:0.0208 in:0.0142 for:0.0125 by:0.0103 on:0.0065 or:0.0059 with:0.0051 -:0.6025 the:0.2223 a:0.0698 of:0.0373 and:0.0190 an:0.0139 tho:0.0104 no:0.0088 in:0.0088 any:0.0072 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.4168 :0.3783 a:0.0897 this:0.0237 tho:0.0222 any:0.0207 his:0.0165 least:0.0122 our:0.0113 last:0.0086 -:0.7695 only:0.0566 a:0.0547 be:0.0271 the:0.0269 to:0.0265 in:0.0148 been:0.0099 take:0.0071 very:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.1863 of:0.1807 from:0.1086 :0.3063 in:0.0819 on:0.0651 and:0.0220 for:0.0183 with:0.0161 by:0.0148 -:0.6234 the:0.1512 a:0.0878 of:0.0548 and:0.0379 in:0.0158 this:0.0084 to:0.0070 as:0.0069 that:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9528 and:0.0115 in:0.0073 up:0.0069 him:0.0045 down:0.0041 it:0.0036 out:0.0034 on:0.0031 them:0.0028 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -years:0.0204 hundred:0.0183 months:0.0182 weeks:0.0177 minutes:0.0139 days:0.0100 :0.8801 or:0.0075 hours:0.0071 miles:0.0068 -the:0.4081 :0.4442 last:0.0574 a:0.0226 said:0.0167 all:0.0127 this:0.0121 tho:0.0101 that:0.0095 his:0.0067 -the:0.2633 :0.3743 a:0.1109 in:0.0753 his:0.0503 their:0.0342 on:0.0299 this:0.0297 by:0.0169 tho:0.0151 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6184 the:0.1346 to:0.0987 and:0.0452 by:0.0223 in:0.0218 a:0.0187 from:0.0142 with:0.0140 for:0.0121 -:0.7884 of:0.0490 and:0.0327 to:0.0301 the:0.0245 a:0.0193 that:0.0191 for:0.0161 in:0.0125 by:0.0084 -:0.6322 and:0.1013 of:0.0573 that:0.0540 to:0.0514 with:0.0306 a:0.0227 as:0.0174 the:0.0167 or:0.0165 -:0.7523 and:0.0608 of:0.0532 a:0.0342 the:0.0259 was:0.0244 is:0.0198 are:0.0106 in:0.0098 with:0.0089 -:0.8075 the:0.0803 a:0.0276 and:0.0166 of:0.0164 in:0.0160 this:0.0148 that:0.0095 by:0.0062 tho:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -the:0.0532 :0.8587 of:0.0173 and:0.0128 a:0.0125 his:0.0109 in:0.0106 an:0.0095 tho:0.0085 no:0.0061 -:0.9297 and:0.0318 city:0.0063 time:0.0051 line:0.0051 day:0.0048 but:0.0048 of:0.0044 work:0.0044 is:0.0036 -:0.8276 and:0.0405 is:0.0304 of:0.0265 as:0.0181 in:0.0143 for:0.0119 that:0.0110 have:0.0104 was:0.0094 -:0.5988 of:0.2178 and:0.0473 in:0.0341 as:0.0247 that:0.0225 at:0.0152 the:0.0134 is:0.0132 or:0.0129 -:0.8520 of:0.0526 and:0.0298 is:0.0156 the:0.0151 was:0.0088 in:0.0086 to:0.0065 as:0.0058 are:0.0052 -:0.9440 it:0.0112 one:0.0091 all:0.0076 that:0.0066 and:0.0059 you:0.0045 the:0.0043 much:0.0038 he:0.0029 -:0.7101 the:0.0853 of:0.0657 and:0.0353 a:0.0266 his:0.0252 in:0.0231 is:0.0109 their:0.0096 her:0.0081 -:0.8834 the:0.0292 of:0.0257 and:0.0172 to:0.0116 in:0.0095 that:0.0076 all:0.0058 a:0.0058 not:0.0042 -:0.6525 to:0.1117 that:0.0632 a:0.0521 and:0.0335 the:0.0281 for:0.0187 as:0.0170 in:0.0137 of:0.0095 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.6793 in:0.1077 of:0.0650 on:0.0293 and:0.0276 for:0.0218 to:0.0204 by:0.0185 at:0.0178 from:0.0125 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5700 the:0.1999 of:0.0973 a:0.0451 and:0.0226 in:0.0218 is:0.0126 tho:0.0125 no:0.0103 said:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.7180 and:0.0655 in:0.0519 of:0.0466 is:0.0311 was:0.0261 to:0.0240 as:0.0147 are:0.0112 for:0.0109 -:0.8285 and:0.0352 he:0.0239 had:0.0222 was:0.0184 is:0.0180 has:0.0154 have:0.0144 be:0.0123 we:0.0117 -to:0.4148 :0.4029 we:0.0780 not:0.0339 they:0.0195 and:0.0166 now:0.0096 will:0.0092 you:0.0083 may:0.0072 -:0.7022 the:0.0578 of:0.0533 and:0.0418 in:0.0394 that:0.0377 to:0.0215 with:0.0184 a:0.0166 for:0.0112 -:0.5860 be:0.0843 was:0.0843 and:0.0594 is:0.0428 are:0.0314 were:0.0293 has:0.0285 he:0.0283 have:0.0257 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6769 was:0.0575 and:0.0501 have:0.0453 has:0.0390 is:0.0352 be:0.0330 are:0.0249 had:0.0192 he:0.0188 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6215 in:0.1501 on:0.0497 for:0.0353 to:0.0323 with:0.0299 at:0.0221 from:0.0211 that:0.0211 by:0.0169 -:0.7720 the:0.0595 a:0.0430 in:0.0411 north:0.0339 east:0.0130 on:0.0118 with:0.0098 three:0.0088 one:0.0072 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -be:0.4224 have:0.1091 :0.3148 bo:0.0613 not:0.0496 he:0.0176 the:0.0086 take:0.0057 lie:0.0055 make:0.0054 -:0.6968 be:0.2014 not:0.0208 bo:0.0171 have:0.0137 do:0.0114 he:0.0109 the:0.0107 get:0.0102 see:0.0069 -:0.7833 and:0.0723 to:0.0453 of:0.0251 the:0.0221 in:0.0190 by:0.0095 or:0.0094 from:0.0086 at:0.0054 -of:0.2965 in:0.1007 :0.3532 for:0.0428 to:0.0404 from:0.0383 on:0.0376 and:0.0361 at:0.0276 by:0.0267 -:0.6540 of:0.1375 and:0.0449 the:0.0444 to:0.0400 in:0.0243 a:0.0159 that:0.0146 for:0.0126 or:0.0118 -:0.9009 and:0.0372 feet:0.0235 of:0.0063 street:0.0062 at:0.0061 by:0.0055 as:0.0051 in:0.0050 was:0.0042 -:0.9338 people:0.0107 world:0.0102 same:0.0093 law:0.0074 city:0.0067 war:0.0064 government:0.0062 case:0.0053 bill:0.0040 -:0.6456 of:0.0839 in:0.0797 and:0.0623 for:0.0250 that:0.0241 to:0.0217 on:0.0212 by:0.0184 at:0.0180 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9289 do:0.0165 men:0.0084 friends:0.0079 was:0.0075 feet:0.0069 life:0.0066 heart:0.0063 need:0.0057 and:0.0054 -:0.4720 in:0.0928 to:0.0876 by:0.0733 of:0.0553 on:0.0484 for:0.0444 and:0.0431 that:0.0419 with:0.0411 -:0.6387 that:0.0706 and:0.0649 the:0.0639 in:0.0595 with:0.0253 of:0.0242 for:0.0220 his:0.0158 about:0.0152 -:0.6429 the:0.1070 to:0.0621 in:0.0384 a:0.0341 of:0.0285 for:0.0276 and:0.0204 that:0.0200 him:0.0191 -:0.5843 of:0.1923 and:0.0517 to:0.0453 as:0.0322 in:0.0262 that:0.0226 for:0.0174 the:0.0162 with:0.0117 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.6756 those:0.1876 men:0.0688 all:0.0179 persons:0.0126 one:0.0118 people:0.0088 others:0.0067 the:0.0051 man:0.0051 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7415 in:0.0482 at:0.0367 and:0.0341 with:0.0335 to:0.0270 that:0.0246 of:0.0235 for:0.0176 by:0.0134 -be:0.3640 :0.4788 have:0.0536 bo:0.0299 the:0.0215 he:0.0161 a:0.0127 this:0.0084 do:0.0075 take:0.0074 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.8211 are:0.0356 had:0.0303 was:0.0286 is:0.0244 have:0.0216 do:0.0115 has:0.0114 went:0.0079 will:0.0076 -:0.7787 and:0.0663 of:0.0436 the:0.0383 a:0.0295 in:0.0132 to:0.0117 that:0.0073 is:0.0065 for:0.0049 -:0.8334 other:0.0451 one:0.0421 of:0.0340 person:0.0080 and:0.0080 to:0.0078 man:0.0074 a:0.0074 kind:0.0068 -the:0.4904 :0.3138 a:0.0592 tho:0.0325 this:0.0250 their:0.0184 our:0.0170 an:0.0164 his:0.0153 tbe:0.0120 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5778 and:0.1545 which:0.0559 to:0.0463 but:0.0440 as:0.0390 that:0.0336 will:0.0178 when:0.0171 where:0.0140 -:0.8176 the:0.0765 his:0.0241 a:0.0198 that:0.0197 in:0.0142 other:0.0085 its:0.0071 as:0.0066 their:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -as:0.1602 to:0.1427 :0.3509 in:0.0905 that:0.0747 by:0.0487 for:0.0380 on:0.0362 of:0.0356 from:0.0226 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9603 most:0.0059 city:0.0056 following:0.0053 best:0.0046 th:0.0045 first:0.0044 north:0.0033 great:0.0031 right:0.0029 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6692 the:0.1976 a:0.0324 and:0.0265 his:0.0160 of:0.0134 an:0.0123 their:0.0120 tho:0.0114 this:0.0092 -:0.9633 most:0.0053 time:0.0052 people:0.0048 city:0.0048 same:0.0041 case:0.0037 best:0.0031 result:0.0030 state:0.0028 -:0.9565 that:0.0095 and:0.0093 it:0.0055 him:0.0047 not:0.0044 all:0.0033 in:0.0027 us:0.0021 them:0.0021 -:0.6001 he:0.1230 it:0.0440 they:0.0429 was:0.0418 is:0.0393 we:0.0311 has:0.0299 are:0.0261 the:0.0218 -:0.8345 and:0.0598 as:0.0259 are:0.0188 is:0.0146 down:0.0107 up:0.0101 but:0.0101 began:0.0080 from:0.0075 -:0.5452 of:0.1648 or:0.0860 and:0.0649 for:0.0389 about:0.0260 are:0.0213 the:0.0200 in:0.0165 that:0.0164 -:0.8462 not:0.0460 hereby:0.0206 now:0.0203 to:0.0196 so:0.0140 in:0.0110 well:0.0090 being:0.0070 more:0.0064 -:0.8982 him:0.0238 it:0.0207 them:0.0149 made:0.0077 came:0.0074 put:0.0073 that:0.0071 and:0.0070 her:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8661 and:0.0368 to:0.0209 the:0.0177 will:0.0115 that:0.0115 of:0.0097 as:0.0087 is:0.0087 a:0.0085 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9489 amount:0.0079 case:0.0064 day:0.0064 city:0.0060 part:0.0059 matter:0.0051 people:0.0046 sum:0.0045 one:0.0044 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6238 the:0.2719 of:0.0226 an:0.0184 a:0.0127 tho:0.0118 his:0.0115 and:0.0097 this:0.0095 no:0.0081 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -to:0.8955 :0.0862 and:0.0037 as:0.0031 for:0.0029 in:0.0025 that:0.0025 lo:0.0013 now:0.0011 not:0.0011 -:0.7835 and:0.0719 of:0.0221 was:0.0220 the:0.0201 have:0.0193 is:0.0181 be:0.0166 has:0.0147 a:0.0118 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5166 to:0.1544 and:0.1327 the:0.0596 of:0.0466 or:0.0287 in:0.0253 for:0.0177 his:0.0109 as:0.0075 -:0.9707 and:0.0076 in:0.0046 up:0.0033 to:0.0028 it:0.0026 him:0.0026 all:0.0020 out:0.0020 down:0.0019 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6670 the:0.1172 to:0.0758 a:0.0323 will:0.0257 and:0.0208 his:0.0196 this:0.0161 tho:0.0128 would:0.0126 -:0.5562 that:0.1335 and:0.0801 of:0.0473 but:0.0435 to:0.0396 as:0.0366 for:0.0252 with:0.0207 in:0.0173 -:0.8792 county:0.0310 mortgage:0.0286 city:0.0115 lot:0.0114 petition:0.0093 bonds:0.0076 day:0.0076 premises:0.0072 action:0.0067 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.9568 country:0.0074 in:0.0063 city:0.0047 law:0.0047 matter:0.0046 fact:0.0043 world:0.0038 time:0.0037 case:0.0036 -:0.8937 and:0.0312 or:0.0141 one:0.0120 the:0.0103 to:0.0100 that:0.0096 a:0.0073 of:0.0066 day:0.0053 -not:0.1242 so:0.1004 their:0.0895 a:0.0819 the:0.0697 :0.4497 his:0.0258 this:0.0209 some:0.0191 our:0.0188 -:0.8999 days:0.0143 years:0.0141 hand:0.0137 hands:0.0125 wife:0.0108 home:0.0105 duty:0.0091 day:0.0080 head:0.0070 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5906 of:0.2231 and:0.0536 to:0.0258 the:0.0253 in:0.0252 that:0.0198 or:0.0163 for:0.0113 it:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7300 the:0.1145 a:0.0874 of:0.0235 and:0.0160 in:0.0066 this:0.0065 said:0.0059 his:0.0050 was:0.0047 -:0.8434 other:0.0436 more:0.0238 less:0.0208 a:0.0151 the:0.0141 two:0.0134 three:0.0122 any:0.0082 four:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8710 so:0.0219 in:0.0196 know:0.0179 say:0.0128 to:0.0121 declared:0.0119 and:0.0116 believe:0.0111 found:0.0101 -:0.8029 the:0.0967 a:0.0213 other:0.0199 that:0.0139 all:0.0113 in:0.0104 his:0.0085 this:0.0077 tho:0.0075 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8604 of:0.0284 in:0.0255 the:0.0203 and:0.0192 as:0.0117 it:0.0091 to:0.0087 was:0.0087 a:0.0080 -to:0.3197 :0.4343 the:0.0762 and:0.0489 of:0.0316 in:0.0254 his:0.0234 for:0.0153 a:0.0153 their:0.0099 -:0.5497 of:0.1820 in:0.0720 with:0.0389 have:0.0310 and:0.0308 for:0.0293 is:0.0267 to:0.0217 was:0.0181 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -:0.9151 went:0.0231 and:0.0114 it:0.0093 him:0.0088 out:0.0077 came:0.0075 go:0.0060 up:0.0059 them:0.0053 -:0.7045 to:0.1008 of:0.0741 and:0.0268 in:0.0250 the:0.0176 for:0.0159 with:0.0132 by:0.0124 on:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6184 the:0.1346 to:0.0987 and:0.0452 by:0.0223 in:0.0218 a:0.0187 from:0.0142 with:0.0140 for:0.0121 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.9333 side:0.0183 line:0.0158 and:0.0065 feet:0.0054 hundred:0.0047 months:0.0042 days:0.0041 of:0.0040 years:0.0038 -:0.9633 same:0.0052 best:0.0045 and:0.0044 present:0.0043 most:0.0040 public:0.0037 first:0.0037 time:0.0034 highest:0.0034 -:0.6355 the:0.1568 of:0.0688 and:0.0415 a:0.0334 in:0.0146 his:0.0144 with:0.0121 is:0.0120 for:0.0108 -:0.8029 the:0.1336 a:0.0239 this:0.0079 tho:0.0062 his:0.0061 said:0.0052 such:0.0048 their:0.0047 any:0.0046 -:0.8826 the:0.0704 this:0.0104 said:0.0088 a:0.0061 which:0.0054 tho:0.0050 that:0.0044 any:0.0035 his:0.0033 -:0.4944 in:0.1299 of:0.0871 on:0.0607 with:0.0557 and:0.0386 at:0.0367 by:0.0355 from:0.0335 to:0.0280 -:0.6854 the:0.1779 a:0.0392 in:0.0261 all:0.0167 this:0.0152 by:0.0126 his:0.0110 that:0.0082 tho:0.0078 -:0.6279 the:0.1742 of:0.0495 a:0.0467 and:0.0316 in:0.0299 his:0.0140 tho:0.0092 their:0.0090 or:0.0080 -:0.9033 and:0.0298 was:0.0108 or:0.0105 it:0.0095 is:0.0083 of:0.0075 are:0.0072 that:0.0070 be:0.0063 -:0.5822 of:0.1565 in:0.0495 with:0.0488 by:0.0461 at:0.0281 is:0.0266 for:0.0230 was:0.0197 and:0.0195 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6712 the:0.1872 a:0.0460 said:0.0391 and:0.0215 this:0.0086 tho:0.0080 of:0.0066 or:0.0060 our:0.0057 -:0.8354 and:0.0496 to:0.0301 of:0.0273 the:0.0168 in:0.0107 for:0.0107 or:0.0069 is:0.0068 was:0.0058 -:0.7800 he:0.0735 and:0.0504 it:0.0293 who:0.0142 which:0.0140 she:0.0130 there:0.0111 that:0.0080 lie:0.0065 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6437 and:0.1218 is:0.0481 to:0.0443 as:0.0424 are:0.0229 that:0.0218 of:0.0213 was:0.0177 or:0.0161 -:0.6930 and:0.1062 to:0.0747 the:0.0375 of:0.0283 in:0.0160 is:0.0127 was:0.0123 will:0.0108 or:0.0084 -:0.6883 the:0.2274 tho:0.0141 a:0.0126 our:0.0116 his:0.0102 her:0.0092 all:0.0089 this:0.0089 said:0.0088 -:0.7463 say:0.0769 know:0.0349 see:0.0330 be:0.0252 believe:0.0211 learn:0.0178 show:0.0177 think:0.0140 do:0.0132 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8919 to:0.0234 in:0.0191 of:0.0143 on:0.0108 a:0.0104 they:0.0088 one:0.0073 that:0.0072 above:0.0068 -:0.6766 the:0.1841 no:0.0387 a:0.0311 his:0.0202 their:0.0133 tho:0.0118 in:0.0086 of:0.0079 any:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6778 the:0.1639 a:0.0632 said:0.0281 this:0.0194 which:0.0127 his:0.0093 tho:0.0091 their:0.0086 deed:0.0080 -:0.6349 to:0.1665 in:0.0726 if:0.0297 that:0.0223 on:0.0201 for:0.0183 follows:0.0133 is:0.0111 all:0.0111 -the:0.6937 :0.2009 tho:0.0245 our:0.0229 his:0.0157 a:0.0130 their:0.0108 tbe:0.0069 this:0.0063 said:0.0054 -:0.6186 to:0.1144 of:0.0641 from:0.0611 and:0.0435 the:0.0296 in:0.0184 a:0.0184 or:0.0171 by:0.0147 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.5399 in:0.0979 :0.2040 to:0.0401 and:0.0316 on:0.0276 for:0.0245 with:0.0134 from:0.0123 by:0.0087 -:0.7457 the:0.1017 of:0.0478 and:0.0302 a:0.0233 in:0.0138 to:0.0121 or:0.0115 his:0.0074 for:0.0065 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.4994 was:0.1329 be:0.0820 has:0.0653 had:0.0601 is:0.0484 have:0.0483 were:0.0235 are:0.0220 and:0.0181 -:0.8183 and:0.0473 him:0.0298 which:0.0243 but:0.0210 them:0.0190 that:0.0171 or:0.0086 it:0.0081 us:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8233 the:0.0861 of:0.0286 and:0.0172 in:0.0115 an:0.0098 a:0.0083 at:0.0054 tho:0.0054 that:0.0044 -the:0.1661 a:0.0896 tho:0.0352 his:0.0292 this:0.0240 our:0.0209 tbe:0.0176 their:0.0148 her:0.0146 every:0.0144 -:0.8334 and:0.0520 the:0.0353 of:0.0296 a:0.0156 to:0.0100 in:0.0078 as:0.0061 or:0.0050 for:0.0050 -to:0.6478 :0.2602 will:0.0334 would:0.0130 and:0.0094 may:0.0090 shall:0.0075 should:0.0073 not:0.0065 we:0.0060 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7076 the:0.1314 of:0.0701 in:0.0224 and:0.0180 his:0.0117 tho:0.0114 for:0.0109 said:0.0084 a:0.0080 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.8473 the:0.0635 and:0.0216 of:0.0157 a:0.0120 his:0.0086 public:0.0081 other:0.0080 their:0.0079 or:0.0072 -it:0.3070 :0.3999 that:0.1038 he:0.0938 there:0.0307 she:0.0212 what:0.0194 which:0.0109 who:0.0073 they:0.0062 -:0.6567 the:0.1489 of:0.0566 a:0.0317 and:0.0291 his:0.0216 their:0.0204 to:0.0124 in:0.0121 our:0.0104 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8654 of:0.0345 in:0.0195 the:0.0178 a:0.0154 for:0.0138 on:0.0100 and:0.0091 to:0.0076 with:0.0068 -:0.8801 and:0.0213 west:0.0172 of:0.0165 three:0.0147 east:0.0139 five:0.0096 two:0.0092 in:0.0090 the:0.0086 -:0.7937 the:0.1279 a:0.0330 this:0.0167 said:0.0075 tho:0.0053 his:0.0047 them:0.0038 that:0.0038 her:0.0036 -:0.7263 the:0.0795 and:0.0523 a:0.0479 of:0.0444 in:0.0146 his:0.0107 for:0.0082 is:0.0082 or:0.0078 -:0.6917 of:0.1183 to:0.0952 and:0.0415 the:0.0138 for:0.0097 in:0.0093 will:0.0076 that:0.0074 a:0.0055 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -the:0.2652 :0.4874 a:0.1039 in:0.0252 to:0.0247 this:0.0235 his:0.0209 their:0.0198 its:0.0151 no:0.0143 -:0.7579 and:0.0712 of:0.0591 is:0.0281 to:0.0210 the:0.0137 was:0.0126 in:0.0126 that:0.0120 or:0.0117 -a:0.3559 :0.4366 an:0.1061 the:0.0651 other:0.0088 of:0.0061 their:0.0059 tho:0.0055 its:0.0050 his:0.0048 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.8716 and:0.0475 in:0.0155 a:0.0142 was:0.0098 more:0.0094 the:0.0090 is:0.0081 being:0.0075 so:0.0073 -:0.5987 of:0.1173 in:0.0841 and:0.0479 to:0.0398 with:0.0296 for:0.0250 on:0.0238 from:0.0180 at:0.0158 -:0.6881 more:0.1337 less:0.0511 better:0.0382 rather:0.0297 and:0.0238 as:0.0167 worse:0.0092 larger:0.0055 of:0.0040 -be:0.3115 :0.5835 bo:0.0250 have:0.0245 not:0.0191 he:0.0133 the:0.0104 lie:0.0047 take:0.0042 find:0.0037 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8821 and:0.0433 up:0.0133 that:0.0116 are:0.0108 but:0.0088 to:0.0083 out:0.0080 down:0.0071 as:0.0067 -:0.5532 of:0.2485 in:0.0638 by:0.0340 and:0.0271 from:0.0180 with:0.0175 on:0.0158 at:0.0124 that:0.0096 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.9868 home:0.0020 days:0.0018 front:0.0018 right:0.0015 way:0.0014 hours:0.0012 part:0.0012 head:0.0011 name:0.0010 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8330 or:0.0569 and:0.0370 of:0.0280 the:0.0145 in:0.0082 for:0.0065 his:0.0056 with:0.0052 at:0.0051 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7488 the:0.0800 in:0.0414 of:0.0355 a:0.0292 and:0.0195 on:0.0132 that:0.0119 by:0.0105 to:0.0101 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -to:0.1976 :0.4074 at:0.1033 in:0.0569 on:0.0537 for:0.0443 from:0.0414 by:0.0413 with:0.0282 of:0.0260 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.7869 the:0.1046 and:0.0301 of:0.0266 that:0.0134 a:0.0107 to:0.0083 his:0.0074 tho:0.0061 this:0.0060 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7154 the:0.0896 and:0.0511 a:0.0387 in:0.0358 of:0.0354 for:0.0102 to:0.0089 his:0.0085 is:0.0065 -:0.7855 the:0.1105 a:0.0350 to:0.0169 his:0.0129 tho:0.0101 that:0.0092 it:0.0072 said:0.0063 other:0.0063 -:0.6826 of:0.1317 and:0.0730 to:0.0285 in:0.0261 with:0.0137 the:0.0120 or:0.0113 for:0.0112 is:0.0098 -be:0.4702 bo:0.0877 have:0.0264 he:0.0242 not:0.0115 lie:0.0110 become:0.0082 the:0.0070 a:0.0055 deem:0.0043 -:0.5939 the:0.2463 a:0.0393 of:0.0266 this:0.0247 to:0.0223 tho:0.0127 in:0.0126 that:0.0113 his:0.0103 -:0.8441 to:0.0313 by:0.0272 the:0.0191 and:0.0187 him:0.0185 in:0.0127 for:0.0121 them:0.0083 on:0.0079 -:0.6489 a:0.1430 the:0.0964 and:0.0316 of:0.0312 in:0.0138 his:0.0096 was:0.0095 that:0.0085 is:0.0075 -:0.8584 and:0.0461 of:0.0183 that:0.0175 in:0.0137 it:0.0105 as:0.0090 was:0.0090 is:0.0089 he:0.0087 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.6311 the:0.1494 and:0.0633 of:0.0473 to:0.0448 a:0.0186 or:0.0127 in:0.0118 an:0.0112 that:0.0098 -:0.9380 not:0.0123 the:0.0111 a:0.0105 an:0.0065 it:0.0063 they:0.0056 we:0.0037 to:0.0032 his:0.0030 -:0.5721 the:0.1436 you:0.0526 him:0.0525 them:0.0373 it:0.0365 her:0.0313 a:0.0291 me:0.0227 his:0.0223 -:0.9329 years:0.0137 days:0.0097 hundred:0.0081 up:0.0079 men:0.0071 miles:0.0059 and:0.0050 down:0.0050 away:0.0047 -:0.8884 country:0.0197 time:0.0156 city:0.0153 morning:0.0135 act:0.0124 matter:0.0093 way:0.0091 case:0.0086 is:0.0079 -:0.8756 and:0.0674 him:0.0085 are:0.0082 but:0.0075 were:0.0071 them:0.0067 to:0.0066 that:0.0064 as:0.0059 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8579 years:0.0432 out:0.0192 days:0.0163 one:0.0137 feet:0.0118 miles:0.0108 side:0.0100 acres:0.0089 months:0.0082 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7104 and:0.1606 or:0.0305 that:0.0226 but:0.0201 days:0.0160 is:0.0138 are:0.0091 of:0.0085 were:0.0085 -:0.9025 city:0.0248 country:0.0149 way:0.0109 great:0.0097 time:0.0084 morning:0.0082 to:0.0074 order:0.0069 county:0.0064 -:0.8818 country:0.0231 morning:0.0190 time:0.0142 city:0.0138 way:0.0128 to:0.0106 matter:0.0096 year:0.0082 act:0.0068 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6958 of:0.1032 and:0.0710 to:0.0419 in:0.0213 the:0.0186 with:0.0166 or:0.0122 that:0.0098 from:0.0097 -:0.8303 and:0.0469 to:0.0253 a:0.0233 in:0.0204 of:0.0176 not:0.0115 with:0.0093 or:0.0076 the:0.0076 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5133 of:0.2590 and:0.0581 in:0.0535 for:0.0349 to:0.0248 on:0.0198 that:0.0139 with:0.0124 from:0.0101 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.7774 he:0.0700 they:0.0300 and:0.0285 it:0.0266 we:0.0224 she:0.0167 who:0.0132 there:0.0085 ho:0.0066 -:0.6913 the:0.1274 of:0.0512 a:0.0435 to:0.0240 and:0.0237 in:0.0103 tho:0.0099 his:0.0095 their:0.0091 -:0.7052 other:0.1399 of:0.0607 one:0.0242 the:0.0158 more:0.0144 a:0.0119 very:0.0103 such:0.0091 good:0.0086 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7551 he:0.0778 it:0.0472 we:0.0237 and:0.0230 they:0.0224 she:0.0165 which:0.0142 there:0.0125 are:0.0075 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -been:0.5937 :0.2712 had:0.0366 not:0.0273 be:0.0250 ever:0.0116 never:0.0102 already:0.0101 always:0.0074 was:0.0069 -:0.5857 are:0.1010 have:0.0823 to:0.0468 a:0.0463 the:0.0443 be:0.0306 and:0.0234 will:0.0199 were:0.0198 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -to:0.2750 :0.5000 the:0.0737 a:0.0511 that:0.0262 it:0.0239 not:0.0193 one:0.0125 and:0.0092 no:0.0091 -:0.5086 to:0.0941 in:0.0664 for:0.0640 and:0.0632 by:0.0608 of:0.0423 at:0.0396 on:0.0347 from:0.0263 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.4897 and:0.1128 as:0.1011 is:0.0699 of:0.0547 was:0.0509 that:0.0373 will:0.0344 but:0.0254 or:0.0239 -:0.7246 the:0.1233 a:0.0554 of:0.0356 and:0.0160 in:0.0150 was:0.0081 for:0.0081 by:0.0073 or:0.0066 -:0.6979 the:0.2014 and:0.0327 of:0.0176 that:0.0095 a:0.0094 this:0.0086 tho:0.0083 to:0.0075 an:0.0072 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7749 the:0.1141 a:0.0386 and:0.0233 his:0.0150 of:0.0104 in:0.0070 tho:0.0065 to:0.0060 their:0.0043 -:0.9454 own:0.0155 country:0.0096 people:0.0059 old:0.0046 present:0.0046 time:0.0038 men:0.0037 friends:0.0036 citizens:0.0033 -:0.5943 of:0.2175 and:0.0676 in:0.0253 the:0.0252 to:0.0199 for:0.0148 that:0.0127 is:0.0116 was:0.0112 -the:0.4581 :0.3228 any:0.1147 each:0.0321 all:0.0227 tho:0.0125 his:0.0096 this:0.0094 our:0.0094 some:0.0086 -:0.6430 of:0.2056 and:0.0401 the:0.0245 or:0.0204 to:0.0179 in:0.0178 that:0.0121 a:0.0103 from:0.0082 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.7598 as:0.0542 more:0.0426 the:0.0373 by:0.0200 a:0.0187 from:0.0174 in:0.0174 any:0.0165 to:0.0161 -:0.8842 and:0.0621 was:0.0102 it:0.0083 is:0.0069 but:0.0069 are:0.0064 or:0.0054 as:0.0049 that:0.0048 -:0.8842 the:0.0241 all:0.0153 a:0.0141 other:0.0127 two:0.0123 that:0.0110 one:0.0102 his:0.0092 in:0.0069 -:0.8186 did:0.0274 thought:0.0269 had:0.0220 knew:0.0204 saw:0.0192 says:0.0177 was:0.0164 made:0.0162 found:0.0151 -:0.7855 the:0.1019 a:0.0299 in:0.0157 of:0.0142 to:0.0137 that:0.0129 and:0.0124 by:0.0070 on:0.0067 -to:0.3414 :0.5101 and:0.0355 will:0.0349 would:0.0235 can:0.0132 may:0.0124 a:0.0099 should:0.0098 the:0.0093 -:0.8340 of:0.0600 and:0.0448 to:0.0162 is:0.0088 in:0.0077 as:0.0077 or:0.0077 that:0.0070 the:0.0060 -the:0.1019 :0.7682 a:0.0248 these:0.0184 this:0.0182 those:0.0170 tho:0.0169 any:0.0130 his:0.0120 our:0.0096 -:0.6033 of:0.2124 and:0.0463 in:0.0352 to:0.0278 or:0.0192 the:0.0185 is:0.0135 that:0.0130 for:0.0109 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8337 the:0.0608 south:0.0197 one:0.0159 north:0.0156 his:0.0137 a:0.0131 in:0.0130 on:0.0074 west:0.0071 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7669 in:0.0716 of:0.0404 with:0.0241 on:0.0220 at:0.0184 that:0.0154 for:0.0144 by:0.0134 and:0.0132 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.9309 letter:0.0177 free:0.0115 year:0.0104 bill:0.0063 man:0.0057 mile:0.0054 distance:0.0051 law:0.0036 week:0.0035 -:0.6348 the:0.1592 this:0.1386 a:0.0227 and:0.0160 tho:0.0080 next:0.0070 was:0.0050 is:0.0050 one:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8648 be:0.0449 him:0.0141 look:0.0124 them:0.0123 do:0.0122 sell:0.0106 appear:0.0100 come:0.0095 go:0.0091 -:0.6126 the:0.2232 a:0.0646 his:0.0234 their:0.0221 an:0.0157 tho:0.0127 its:0.0091 some:0.0089 all:0.0076 -:0.7681 much:0.0528 that:0.0519 the:0.0331 far:0.0212 many:0.0200 as:0.0149 a:0.0134 to:0.0124 long:0.0123 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7307 of:0.0902 and:0.0576 the:0.0446 in:0.0170 that:0.0167 to:0.0158 as:0.0100 for:0.0093 a:0.0082 -be:0.2753 :0.5115 not:0.0458 make:0.0385 have:0.0365 take:0.0286 bo:0.0207 find:0.0192 receive:0.0121 give:0.0119 -is:0.3192 :0.4382 was:0.1131 has:0.0357 and:0.0220 be:0.0191 we:0.0190 they:0.0117 had:0.0115 would:0.0105 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.8057 it:0.0569 do:0.0257 is:0.0212 but:0.0165 are:0.0162 and:0.0157 them:0.0156 you:0.0138 did:0.0128 -:0.7468 the:0.1323 a:0.0527 no:0.0173 his:0.0125 and:0.0113 tho:0.0089 to:0.0066 was:0.0061 her:0.0055 -:0.9428 world:0.0092 bill:0.0076 law:0.0073 government:0.0065 city:0.0064 result:0.0055 case:0.0054 country:0.0053 land:0.0042 -:0.8947 not:0.0238 it:0.0163 and:0.0149 that:0.0132 as:0.0085 now:0.0076 is:0.0073 but:0.0070 was:0.0064 -:0.6348 the:0.1556 a:0.0967 of:0.0299 his:0.0187 and:0.0155 in:0.0139 tho:0.0120 their:0.0120 an:0.0109 -the:0.3442 :0.5004 this:0.0307 his:0.0228 a:0.0226 tho:0.0215 their:0.0162 our:0.0142 said:0.0137 tbe:0.0136 -:0.9156 large:0.0163 little:0.0115 few:0.0113 good:0.0106 great:0.0100 long:0.0065 big:0.0061 certain:0.0061 brief:0.0059 -:0.7023 the:0.1048 and:0.0532 of:0.0368 a:0.0360 to:0.0228 in:0.0156 his:0.0124 is:0.0082 was:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -he:0.2845 :0.3112 they:0.1571 we:0.0982 she:0.0542 it:0.0475 ho:0.0170 there:0.0125 you:0.0099 is:0.0078 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6734 the:0.1404 in:0.0448 an:0.0320 to:0.0288 of:0.0212 his:0.0174 and:0.0170 a:0.0144 its:0.0105 -:0.8643 of:0.0446 and:0.0310 in:0.0141 is:0.0121 are:0.0089 was:0.0066 for:0.0063 or:0.0061 at:0.0059 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5363 not:0.1022 of:0.0824 is:0.0740 and:0.0580 was:0.0373 are:0.0315 that:0.0304 the:0.0302 which:0.0178 -:0.9119 and:0.0401 in:0.0092 was:0.0075 of:0.0066 to:0.0063 that:0.0051 will:0.0044 are:0.0044 all:0.0044 -:0.5820 of:0.1687 and:0.0741 in:0.0452 was:0.0300 is:0.0269 for:0.0238 to:0.0193 the:0.0176 or:0.0123 -:0.9710 it:0.0054 men:0.0051 hundred:0.0038 and:0.0038 in:0.0032 up:0.0020 here:0.0019 to:0.0019 or:0.0019 -to:0.4584 :0.2665 in:0.0675 by:0.0454 for:0.0400 of:0.0380 on:0.0298 from:0.0211 and:0.0172 that:0.0162 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.6237 the:0.1929 a:0.0709 his:0.0315 and:0.0181 tho:0.0156 our:0.0142 their:0.0140 this:0.0109 these:0.0084 -:0.8016 the:0.0422 his:0.0248 three:0.0230 ten:0.0228 five:0.0220 her:0.0178 four:0.0161 fifty:0.0152 eight:0.0146 -:0.5632 of:0.2579 and:0.0500 the:0.0437 that:0.0255 in:0.0139 for:0.0133 by:0.0121 with:0.0103 as:0.0100 -:0.6411 the:0.1749 a:0.1052 and:0.0238 his:0.0113 this:0.0107 tho:0.0105 an:0.0086 he:0.0076 their:0.0064 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6415 a:0.0798 the:0.0702 by:0.0552 to:0.0485 in:0.0361 an:0.0202 and:0.0202 of:0.0145 for:0.0138 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5398 of:0.1736 and:0.1142 to:0.0418 or:0.0348 in:0.0249 on:0.0204 at:0.0191 for:0.0184 as:0.0130 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5689 of:0.2298 the:0.0456 and:0.0438 in:0.0376 to:0.0249 for:0.0136 that:0.0124 a:0.0120 or:0.0114 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6919 of:0.0843 in:0.0687 is:0.0313 if:0.0269 all:0.0246 on:0.0214 by:0.0175 for:0.0170 at:0.0162 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7784 to:0.0510 it:0.0407 and:0.0343 that:0.0262 he:0.0235 in:0.0165 which:0.0122 but:0.0097 with:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7439 to:0.0810 in:0.0398 is:0.0384 for:0.0199 it:0.0182 if:0.0177 such:0.0159 was:0.0145 that:0.0107 -:0.6228 and:0.1078 the:0.0563 are:0.0476 a:0.0376 is:0.0342 of:0.0276 were:0.0227 in:0.0225 was:0.0211 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6518 the:0.1805 a:0.0377 his:0.0336 and:0.0251 to:0.0247 tho:0.0159 that:0.0120 their:0.0096 he:0.0092 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6516 the:0.1741 a:0.0880 of:0.0316 and:0.0190 in:0.0084 tho:0.0075 this:0.0074 an:0.0063 his:0.0062 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -to:0.2414 of:0.1942 and:0.1222 :0.3356 for:0.0446 at:0.0276 in:0.0114 with:0.0086 on:0.0072 or:0.0072 -:0.6341 ago:0.1658 and:0.0467 of:0.0398 to:0.0307 in:0.0220 that:0.0214 with:0.0154 for:0.0124 old:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6173 the:0.2117 a:0.1073 his:0.0135 of:0.0134 and:0.0097 in:0.0089 tho:0.0078 by:0.0052 to:0.0051 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.8116 make:0.0445 do:0.0314 be:0.0183 take:0.0182 see:0.0173 give:0.0163 think:0.0146 get:0.0141 find:0.0136 -the:0.2890 a:0.0798 :0.4565 tho:0.0396 an:0.0337 this:0.0294 his:0.0217 their:0.0197 its:0.0157 tbe:0.0150 -:0.5980 the:0.2201 a:0.0481 it:0.0269 his:0.0226 them:0.0197 him:0.0197 this:0.0174 in:0.0140 up:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5697 :0.2562 his:0.0468 a:0.0320 tho:0.0225 their:0.0199 this:0.0182 our:0.0124 its:0.0113 an:0.0111 -:0.8520 and:0.0238 they:0.0231 that:0.0230 which:0.0176 it:0.0139 we:0.0136 who:0.0125 there:0.0111 he:0.0092 -:0.8439 and:0.0449 of:0.0302 to:0.0270 in:0.0130 for:0.0118 with:0.0083 the:0.0081 or:0.0071 by:0.0057 -:0.7783 and:0.0569 the:0.0391 that:0.0304 to:0.0232 a:0.0175 of:0.0152 are:0.0151 his:0.0129 with:0.0113 -:0.8063 be:0.0426 make:0.0386 take:0.0222 the:0.0218 get:0.0165 give:0.0144 see:0.0134 have:0.0128 prevent:0.0115 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.6184 to:0.1125 a:0.0875 the:0.0574 in:0.0397 and:0.0256 that:0.0231 an:0.0134 by:0.0119 of:0.0105 -:0.8273 months:0.0322 the:0.0286 of:0.0284 and:0.0224 or:0.0215 years:0.0176 days:0.0105 to:0.0058 a:0.0057 -:0.6767 the:0.1347 a:0.0605 and:0.0336 of:0.0285 to:0.0172 in:0.0172 this:0.0166 that:0.0080 tho:0.0070 -:0.5669 of:0.2081 and:0.0916 that:0.0326 the:0.0262 in:0.0244 to:0.0157 which:0.0142 or:0.0107 as:0.0095 -:0.8415 of:0.0343 and:0.0252 the:0.0204 in:0.0187 to:0.0173 a:0.0157 for:0.0130 on:0.0070 at:0.0069 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.9619 then:0.0058 a:0.0054 it:0.0052 the:0.0049 finally:0.0043 he:0.0040 his:0.0029 she:0.0028 be:0.0028 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8692 very:0.0238 few:0.0208 little:0.0179 large:0.0147 great:0.0133 most:0.0124 good:0.0122 certain:0.0101 new:0.0056 -:0.7833 and:0.0723 to:0.0453 of:0.0251 the:0.0221 in:0.0190 by:0.0095 or:0.0094 from:0.0086 at:0.0054 -of:0.1967 :0.3767 in:0.1251 and:0.0850 on:0.0519 for:0.0460 that:0.0407 from:0.0267 at:0.0260 to:0.0252 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6905 that:0.1263 which:0.0408 as:0.0387 and:0.0364 but:0.0211 where:0.0139 if:0.0114 what:0.0107 when:0.0102 -:0.7598 and:0.0928 of:0.0267 is:0.0256 was:0.0227 the:0.0191 or:0.0176 for:0.0125 are:0.0117 at:0.0116 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -been:0.1829 :0.7421 a:0.0191 to:0.0138 no:0.0099 already:0.0074 the:0.0067 recently:0.0066 become:0.0064 they:0.0052 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.8299 years:0.0368 of:0.0307 hundred:0.0216 or:0.0198 days:0.0138 weeks:0.0131 and:0.0130 months:0.0124 hours:0.0089 -:0.9604 same:0.0073 city:0.0047 world:0.0046 time:0.0042 law:0.0040 whole:0.0039 said:0.0038 best:0.0037 way:0.0034 -:0.5811 the:0.1635 a:0.0697 he:0.0632 we:0.0284 they:0.0252 you:0.0210 it:0.0181 this:0.0166 not:0.0132 -:0.7310 of:0.1104 and:0.0483 in:0.0319 for:0.0208 the:0.0142 by:0.0119 as:0.0117 or:0.0105 with:0.0093 -the:0.4846 :0.3389 a:0.0609 this:0.0338 tho:0.0278 his:0.0268 said:0.0074 its:0.0071 such:0.0066 their:0.0061 -:0.7937 the:0.1279 a:0.0330 this:0.0167 said:0.0075 tho:0.0053 his:0.0047 them:0.0038 that:0.0038 her:0.0036 -:0.6073 the:0.2286 an:0.0619 of:0.0394 a:0.0133 and:0.0129 years:0.0129 or:0.0080 their:0.0078 tho:0.0078 -:0.8115 able:0.0740 allowed:0.0251 made:0.0218 required:0.0175 given:0.0118 used:0.0114 compelled:0.0103 ready:0.0083 liable:0.0082 -:0.8321 and:0.0403 of:0.0285 to:0.0196 a:0.0168 is:0.0159 that:0.0132 was:0.0125 the:0.0111 in:0.0101 -:0.6551 of:0.1549 in:0.0453 to:0.0336 and:0.0260 at:0.0232 for:0.0192 on:0.0161 that:0.0160 by:0.0107 -:0.6509 and:0.0910 but:0.0565 that:0.0546 of:0.0391 if:0.0308 as:0.0228 which:0.0199 in:0.0180 for:0.0164 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5599 of:0.2422 and:0.0637 the:0.0296 in:0.0285 to:0.0266 as:0.0137 for:0.0128 that:0.0117 a:0.0115 -few:0.4691 :0.3746 one:0.0417 two:0.0296 little:0.0251 three:0.0156 five:0.0155 very:0.0136 six:0.0086 good:0.0066 -the:0.5195 :0.2727 a:0.0470 his:0.0418 this:0.0354 tho:0.0295 their:0.0150 its:0.0141 an:0.0131 her:0.0119 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -have:0.2525 had:0.1887 has:0.1231 :0.2481 are:0.0642 was:0.0493 were:0.0337 is:0.0222 be:0.0105 been:0.0075 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7560 in:0.0448 north:0.0339 and:0.0318 of:0.0315 on:0.0274 west:0.0242 one:0.0192 south:0.0172 who:0.0140 -:0.9354 be:0.0134 two:0.0082 one:0.0078 him:0.0071 the:0.0069 pay:0.0057 work:0.0053 do:0.0052 go:0.0049 -:0.8886 and:0.0431 is:0.0119 was:0.0108 it:0.0106 than:0.0095 as:0.0079 but:0.0072 that:0.0057 up:0.0046 -:0.7472 of:0.0840 and:0.0469 ago:0.0225 the:0.0207 in:0.0203 or:0.0154 to:0.0152 after:0.0148 from:0.0130 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9247 it:0.0226 he:0.0133 is:0.0072 one:0.0070 and:0.0068 was:0.0068 which:0.0042 she:0.0037 that:0.0036 -:0.6701 will:0.0633 as:0.0470 and:0.0384 that:0.0358 is:0.0307 if:0.0301 would:0.0289 may:0.0284 when:0.0274 -the:0.1944 a:0.1865 :0.4137 any:0.0745 one:0.0308 some:0.0243 their:0.0242 his:0.0229 such:0.0145 this:0.0141 -:0.6651 was:0.0923 is:0.0639 and:0.0497 are:0.0280 had:0.0271 of:0.0200 have:0.0197 be:0.0171 in:0.0171 -:0.9064 highest:0.0245 other:0.0148 public:0.0112 same:0.0084 most:0.0076 young:0.0076 whole:0.0071 various:0.0069 north:0.0056 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7051 and:0.1557 that:0.0530 but:0.0327 as:0.0111 than:0.0091 when:0.0084 if:0.0083 in:0.0083 where:0.0082 -:0.6883 the:0.2274 tho:0.0141 a:0.0126 our:0.0116 his:0.0102 her:0.0092 all:0.0089 this:0.0089 said:0.0088 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.6092 the:0.0921 and:0.0650 of:0.0554 for:0.0399 is:0.0390 by:0.0314 was:0.0242 or:0.0233 a:0.0205 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.6645 the:0.1453 of:0.0621 and:0.0411 to:0.0269 in:0.0226 a:0.0097 for:0.0095 by:0.0095 on:0.0088 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9281 same:0.0108 most:0.0100 following:0.0089 great:0.0087 other:0.0074 best:0.0068 present:0.0067 public:0.0067 first:0.0059 -:0.6450 be:0.0994 was:0.0599 is:0.0468 have:0.0397 and:0.0290 had:0.0225 has:0.0205 he:0.0195 are:0.0178 -:0.7772 of:0.0698 the:0.0627 and:0.0326 young:0.0160 two:0.0115 in:0.0095 all:0.0073 by:0.0070 for:0.0065 -:0.8342 the:0.0355 of:0.0336 in:0.0252 and:0.0206 that:0.0145 for:0.0125 to:0.0104 by:0.0080 all:0.0055 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.6811 the:0.1100 a:0.0769 in:0.0307 is:0.0291 was:0.0258 his:0.0138 and:0.0118 this:0.0109 very:0.0098 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9092 wife:0.0288 own:0.0122 father:0.0117 eyes:0.0077 mother:0.0071 friends:0.0066 hands:0.0058 death:0.0055 head:0.0053 -that:0.4100 :0.4544 and:0.0248 as:0.0245 but:0.0238 to:0.0169 in:0.0150 if:0.0107 for:0.0101 which:0.0096 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -as:0.3261 :0.4034 is:0.0899 and:0.0553 was:0.0397 of:0.0265 are:0.0258 to:0.0115 that:0.0114 were:0.0104 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -:0.8332 the:0.0757 a:0.0245 and:0.0219 in:0.0097 to:0.0092 that:0.0092 this:0.0057 it:0.0054 an:0.0054 -:0.5611 of:0.2394 that:0.0657 in:0.0452 over:0.0181 for:0.0167 with:0.0151 on:0.0137 to:0.0133 and:0.0117 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7899 the:0.1221 a:0.0308 his:0.0121 in:0.0119 and:0.0094 by:0.0064 of:0.0063 large:0.0059 such:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6307 in:0.0858 of:0.0680 on:0.0518 by:0.0386 to:0.0381 from:0.0277 that:0.0209 for:0.0208 and:0.0177 -:0.6630 to:0.0930 with:0.0739 by:0.0491 in:0.0315 for:0.0278 from:0.0190 as:0.0163 at:0.0138 and:0.0127 -:0.5931 and:0.1082 which:0.0548 that:0.0497 as:0.0485 but:0.0470 if:0.0447 where:0.0201 when:0.0201 will:0.0139 -:0.8387 and:0.0415 that:0.0385 of:0.0212 in:0.0149 or:0.0115 with:0.0105 to:0.0091 for:0.0083 on:0.0057 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7792 in:0.0481 to:0.0389 so:0.0297 and:0.0250 of:0.0187 from:0.0176 by:0.0171 all:0.0130 at:0.0126 -:0.7649 of:0.1057 and:0.0521 to:0.0170 is:0.0157 was:0.0112 in:0.0099 or:0.0090 will:0.0079 the:0.0066 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9443 who:0.0128 in:0.0102 and:0.0096 to:0.0052 it:0.0041 was:0.0036 or:0.0035 men:0.0034 of:0.0034 -:0.6482 be:0.1036 and:0.0526 was:0.0470 he:0.0374 is:0.0335 has:0.0250 have:0.0196 were:0.0169 are:0.0162 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6462 the:0.1649 a:0.0641 and:0.0302 of:0.0219 was:0.0216 is:0.0198 he:0.0113 are:0.0102 to:0.0098 -:0.8739 the:0.0437 he:0.0219 a:0.0177 and:0.0112 be:0.0085 in:0.0076 that:0.0062 at:0.0047 by:0.0046 -the:0.1141 be:0.0466 his:0.0382 its:0.0215 tho:0.0205 their:0.0192 our:0.0189 take:0.0185 give:0.0137 make:0.0131 -:0.4279 he:0.1611 it:0.1208 they:0.1057 we:0.0744 there:0.0408 she:0.0243 which:0.0168 you:0.0150 ho:0.0132 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6767 the:0.1347 a:0.0605 and:0.0336 of:0.0285 to:0.0172 in:0.0172 this:0.0166 that:0.0080 tho:0.0070 -:0.8086 and:0.0425 to:0.0424 the:0.0267 in:0.0215 a:0.0151 this:0.0125 or:0.0120 so:0.0109 of:0.0078 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7896 than:0.1600 or:0.0180 and:0.0148 interested:0.0042 up:0.0039 only:0.0027 was:0.0024 well:0.0022 home:0.0021 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8905 whole:0.0260 other:0.0150 great:0.0121 same:0.0104 various:0.0098 first:0.0092 young:0.0091 said:0.0091 local:0.0088 -:0.7539 the:0.0507 was:0.0478 is:0.0305 and:0.0268 a:0.0264 are:0.0219 in:0.0204 were:0.0108 of:0.0108 -:0.6310 to:0.1555 and:0.0576 of:0.0459 the:0.0332 in:0.0181 by:0.0175 with:0.0153 a:0.0131 at:0.0127 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.9188 the:0.0231 of:0.0099 and:0.0093 he:0.0091 that:0.0061 it:0.0060 an:0.0060 a:0.0060 his:0.0056 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8301 in:0.0435 of:0.0386 to:0.0310 for:0.0118 and:0.0112 on:0.0093 from:0.0092 upon:0.0079 by:0.0074 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5610 of:0.1794 the:0.0759 in:0.0597 he:0.0237 and:0.0235 is:0.0223 by:0.0184 to:0.0182 on:0.0179 -:0.7051 and:0.1034 of:0.0615 in:0.0461 to:0.0301 for:0.0160 the:0.0113 by:0.0095 is:0.0089 are:0.0081 -the:0.6994 :0.1379 a:0.0449 tho:0.0258 this:0.0246 to:0.0203 his:0.0171 our:0.0104 tbe:0.0104 their:0.0092 -:0.7002 of:0.1443 and:0.0374 that:0.0321 to:0.0268 or:0.0142 for:0.0138 in:0.0121 is:0.0111 was:0.0081 -:0.7110 was:0.0606 and:0.0472 is:0.0452 be:0.0343 have:0.0322 are:0.0271 had:0.0161 has:0.0154 were:0.0110 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6512 the:0.2223 a:0.0345 he:0.0216 it:0.0206 that:0.0120 tho:0.0118 this:0.0106 his:0.0081 they:0.0073 -:0.7879 of:0.0554 and:0.0401 to:0.0315 the:0.0209 in:0.0155 for:0.0138 or:0.0129 from:0.0115 a:0.0106 -:0.7164 of:0.1532 and:0.0357 for:0.0251 to:0.0180 year:0.0157 or:0.0125 with:0.0089 other:0.0079 two:0.0066 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5987 of:0.1173 in:0.0841 and:0.0479 to:0.0398 with:0.0296 for:0.0250 on:0.0238 from:0.0180 at:0.0158 -:0.7019 to:0.0499 of:0.0450 in:0.0387 a:0.0329 the:0.0311 on:0.0301 at:0.0253 by:0.0248 as:0.0203 -:0.6073 the:0.2286 an:0.0619 of:0.0394 a:0.0133 and:0.0129 years:0.0129 or:0.0080 their:0.0078 tho:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4224 they:0.1440 it:0.1304 he:0.1230 we:0.0652 there:0.0435 she:0.0286 you:0.0213 ho:0.0111 which:0.0105 -:0.9472 country:0.0079 law:0.0074 world:0.0072 city:0.0066 matter:0.0062 fact:0.0053 case:0.0047 people:0.0041 bill:0.0033 -the:0.4159 :0.3597 this:0.0747 a:0.0476 his:0.0255 any:0.0206 tho:0.0204 their:0.0137 its:0.0111 every:0.0107 -:0.8606 to:0.0362 and:0.0180 of:0.0172 for:0.0147 is:0.0129 in:0.0124 was:0.0111 that:0.0097 as:0.0070 -:0.7783 and:0.0595 of:0.0489 in:0.0290 to:0.0220 the:0.0219 or:0.0115 for:0.0100 with:0.0096 at:0.0093 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6919 and:0.0599 is:0.0435 of:0.0427 has:0.0372 will:0.0367 which:0.0292 who:0.0210 are:0.0190 was:0.0188 -:0.5693 by:0.1620 the:0.1404 a:0.0454 his:0.0178 in:0.0168 him:0.0165 and:0.0129 for:0.0108 to:0.0080 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.6860 the:0.1697 a:0.0706 to:0.0129 and:0.0127 his:0.0105 this:0.0105 an:0.0092 tho:0.0092 of:0.0086 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.6106 to:0.1379 of:0.0619 and:0.0462 in:0.0439 the:0.0291 was:0.0284 is:0.0183 will:0.0142 are:0.0096 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.7518 of:0.1015 the:0.0462 and:0.0377 in:0.0229 for:0.0091 that:0.0078 was:0.0077 a:0.0076 this:0.0075 -:0.5811 of:0.1888 and:0.0853 to:0.0566 the:0.0264 in:0.0177 that:0.0123 for:0.0121 or:0.0104 on:0.0091 -:0.8688 to:0.0349 and:0.0277 of:0.0199 in:0.0137 for:0.0085 that:0.0082 on:0.0067 at:0.0059 the:0.0058 -:0.8509 any:0.0244 the:0.0232 less:0.0184 not:0.0175 a:0.0172 more:0.0172 this:0.0120 other:0.0102 no:0.0091 -:0.4489 and:0.1381 of:0.1306 in:0.0813 to:0.0718 at:0.0352 with:0.0323 that:0.0233 for:0.0215 on:0.0170 -:0.6944 so:0.0736 in:0.0422 as:0.0409 that:0.0396 by:0.0256 for:0.0251 the:0.0247 how:0.0220 with:0.0119 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8916 time:0.0310 day:0.0262 of:0.0150 and:0.0106 to:0.0071 one:0.0059 year:0.0053 which:0.0038 hand:0.0035 -:0.6885 and:0.1004 were:0.0458 are:0.0335 or:0.0292 at:0.0242 was:0.0217 the:0.0215 as:0.0180 for:0.0173 -:0.4262 of:0.1462 to:0.1253 and:0.0738 in:0.0657 with:0.0411 from:0.0381 that:0.0327 for:0.0278 on:0.0230 -:0.5488 in:0.1062 with:0.0751 to:0.0658 as:0.0522 by:0.0440 for:0.0301 and:0.0281 of:0.0256 at:0.0242 -:0.8848 and:0.0399 is:0.0199 was:0.0134 are:0.0121 were:0.0086 or:0.0063 be:0.0058 of:0.0048 that:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -nper:0.0009 hereby:0.0006 havo:0.0005 never:0.0005 the:0.0005 supreme:0.0005 he:0.0005 tho:0.0004 monetary:0.0004 ncould:0.0004 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8888 that:0.0409 the:0.0186 which:0.0147 them:0.0135 us:0.0053 it:0.0050 whom:0.0048 him:0.0043 and:0.0041 -:0.6488 of:0.0975 to:0.0658 in:0.0556 that:0.0269 on:0.0262 and:0.0221 for:0.0195 at:0.0193 from:0.0183 -:0.8727 fact:0.0670 said:0.0165 belief:0.0095 world:0.0061 effect:0.0058 matter:0.0058 ground:0.0058 law:0.0055 opinion:0.0052 -:0.6985 have:0.0470 he:0.0397 we:0.0379 is:0.0372 had:0.0371 are:0.0275 was:0.0262 they:0.0249 has:0.0243 -:0.8449 and:0.0381 in:0.0319 that:0.0227 a:0.0155 of:0.0103 the:0.0095 for:0.0094 as:0.0089 on:0.0088 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8426 and:0.0621 is:0.0207 was:0.0170 that:0.0108 it:0.0105 had:0.0103 or:0.0100 but:0.0083 has:0.0076 -:0.8436 the:0.0448 of:0.0297 and:0.0217 to:0.0148 in:0.0139 a:0.0124 for:0.0073 that:0.0062 on:0.0055 -of:0.1843 :0.6625 and:0.0311 or:0.0250 to:0.0241 from:0.0167 was:0.0166 with:0.0148 is:0.0132 ot:0.0119 -:0.6546 the:0.1113 that:0.0673 a:0.0601 in:0.0216 it:0.0204 and:0.0201 of:0.0197 to:0.0135 no:0.0113 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9615 people:0.0069 law:0.0053 work:0.0047 and:0.0046 men:0.0039 country:0.0037 government:0.0033 war:0.0032 bill:0.0028 -:0.7158 the:0.0579 of:0.0433 in:0.0415 and:0.0397 that:0.0301 to:0.0220 a:0.0219 with:0.0160 by:0.0118 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.4881 :0.2687 the:0.1178 their:0.0398 his:0.0376 no:0.0127 its:0.0097 to:0.0092 our:0.0086 your:0.0077 -:0.5495 the:0.2344 a:0.0755 and:0.0377 of:0.0259 this:0.0241 in:0.0137 an:0.0136 to:0.0132 tho:0.0123 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9334 and:0.0181 it:0.0091 as:0.0076 that:0.0075 is:0.0074 was:0.0046 have:0.0044 him:0.0043 of:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -a:0.1879 :0.5308 that:0.0876 the:0.0872 no:0.0280 of:0.0202 any:0.0198 one:0.0149 to:0.0132 some:0.0104 -:0.8380 the:0.0612 and:0.0204 to:0.0133 is:0.0127 a:0.0121 in:0.0115 that:0.0106 was:0.0103 it:0.0098 -of:0.3194 :0.3649 in:0.0743 to:0.0529 that:0.0456 for:0.0333 on:0.0291 and:0.0288 from:0.0264 by:0.0254 -best:0.0061 same:0.0061 :0.9618 whole:0.0053 highest:0.0044 most:0.0041 young:0.0031 city:0.0030 great:0.0030 first:0.0030 -:0.9193 and:0.0125 know:0.0113 fact:0.0105 is:0.0089 so:0.0084 say:0.0080 but:0.0074 believe:0.0069 thought:0.0068 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7398 of:0.1531 and:0.0231 hundred:0.0194 to:0.0162 or:0.0122 in:0.0109 year:0.0096 day:0.0083 that:0.0072 -the:0.3003 :0.5380 a:0.0514 of:0.0251 and:0.0232 to:0.0224 tho:0.0131 this:0.0095 an:0.0088 in:0.0082 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6908 the:0.1105 a:0.0820 and:0.0494 of:0.0171 his:0.0132 was:0.0109 is:0.0096 their:0.0089 be:0.0077 -:0.8504 and:0.0640 of:0.0142 that:0.0142 it:0.0118 was:0.0109 is:0.0091 a:0.0088 or:0.0083 as:0.0082 -:0.6486 the:0.2332 his:0.0257 other:0.0217 a:0.0162 tho:0.0132 their:0.0130 two:0.0115 her:0.0086 that:0.0083 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.8146 and:0.0308 was:0.0307 who:0.0290 have:0.0203 is:0.0192 had:0.0155 are:0.0146 the:0.0129 we:0.0125 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.6706 and:0.2116 of:0.0337 dollars:0.0204 with:0.0124 or:0.0121 to:0.0117 feet:0.0109 years:0.0097 men:0.0068 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -to:0.2997 :0.5565 it:0.0341 at:0.0262 and:0.0225 in:0.0205 for:0.0162 as:0.0083 that:0.0081 by:0.0081 -:0.4259 to:0.1715 will:0.1558 would:0.0556 may:0.0521 should:0.0406 can:0.0333 shall:0.0305 must:0.0175 and:0.0171 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7992 and:0.0907 together:0.0345 but:0.0165 up:0.0164 down:0.0158 in:0.0085 out:0.0064 here:0.0062 connected:0.0059 -the:0.1652 a:0.0995 :0.5398 his:0.0729 their:0.0281 her:0.0242 this:0.0229 its:0.0196 tho:0.0163 which:0.0115 -:0.6724 of:0.1038 and:0.0659 to:0.0482 in:0.0343 for:0.0206 the:0.0155 as:0.0145 on:0.0129 that:0.0119 -of:0.2267 :0.5177 and:0.0616 in:0.0448 with:0.0413 to:0.0246 for:0.0238 by:0.0216 on:0.0208 that:0.0170 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7991 of:0.0508 the:0.0380 and:0.0307 to:0.0223 that:0.0180 by:0.0132 in:0.0116 as:0.0081 with:0.0081 -the:0.4179 :0.4322 this:0.0296 tho:0.0247 these:0.0239 our:0.0237 his:0.0171 her:0.0115 said:0.0098 a:0.0096 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.8041 great:0.0468 little:0.0374 certain:0.0251 very:0.0197 good:0.0173 most:0.0155 long:0.0133 small:0.0105 large:0.0103 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7634 and:0.0492 in:0.0411 by:0.0378 to:0.0360 the:0.0169 at:0.0153 for:0.0144 on:0.0138 as:0.0122 -:0.7799 and:0.0671 to:0.0315 is:0.0276 it:0.0252 who:0.0204 we:0.0156 was:0.0125 not:0.0104 a:0.0098 -:0.9593 and:0.0080 the:0.0078 of:0.0071 in:0.0045 a:0.0032 was:0.0029 other:0.0026 he:0.0023 said:0.0022 -:0.6678 the:0.1604 of:0.0482 a:0.0336 in:0.0227 and:0.0198 this:0.0167 his:0.0113 no:0.0104 with:0.0090 -:0.5555 the:0.2095 no:0.1006 of:0.0417 a:0.0399 and:0.0131 tho:0.0114 any:0.0114 his:0.0093 our:0.0076 -:0.9121 the:0.0205 in:0.0163 and:0.0160 an:0.0072 a:0.0064 this:0.0056 by:0.0054 to:0.0054 any:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2907 to:0.2275 :0.3140 and:0.0881 for:0.0246 with:0.0119 as:0.0111 in:0.0110 or:0.0110 on:0.0101 -:0.6755 to:0.1614 we:0.0302 will:0.0301 and:0.0300 they:0.0202 can:0.0182 would:0.0157 could:0.0097 who:0.0090 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9066 one:0.0218 out:0.0210 part:0.0108 and:0.0094 that:0.0077 line:0.0059 day:0.0057 because:0.0057 side:0.0054 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -of:0.2225 :0.4253 to:0.1170 and:0.0498 in:0.0493 the:0.0428 a:0.0349 or:0.0306 with:0.0175 from:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6815 and:0.0932 is:0.0651 was:0.0530 are:0.0283 has:0.0260 will:0.0204 were:0.0128 have:0.0101 but:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -veritable:0.0065 few:0.0048 misdemeanor:0.0041 dozen:0.0032 goodly:0.0029 fortnight:0.0029 quorum:0.0029 single:0.0027 traitor:0.0025 brief:0.0022 -:0.7140 and:0.0617 be:0.0603 is:0.0490 was:0.0406 have:0.0234 he:0.0169 had:0.0115 are:0.0114 has:0.0113 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -the:0.3752 :0.3569 a:0.1423 his:0.0353 tho:0.0253 their:0.0165 this:0.0162 its:0.0127 all:0.0101 our:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7402 are:0.0898 have:0.0560 were:0.0306 had:0.0251 in:0.0209 get:0.0114 see:0.0090 of:0.0084 saw:0.0084 -:0.7914 of:0.0542 to:0.0413 and:0.0379 the:0.0198 for:0.0150 in:0.0145 from:0.0094 that:0.0086 on:0.0081 -:0.6384 not:0.1589 be:0.1219 have:0.0228 bo:0.0130 he:0.0109 the:0.0106 do:0.0099 get:0.0071 see:0.0065 -:0.8052 as:0.0981 and:0.0283 known:0.0227 up:0.0121 but:0.0106 made:0.0073 put:0.0054 placed:0.0052 found:0.0051 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.5583 :0.3247 his:0.0365 a:0.0294 tho:0.0150 this:0.0134 any:0.0064 two:0.0057 her:0.0056 their:0.0048 -:0.5400 of:0.2898 the:0.0960 and:0.0209 in:0.0147 a:0.0101 for:0.0092 to:0.0070 his:0.0066 their:0.0057 -:0.8124 and:0.0534 the:0.0312 of:0.0300 that:0.0149 which:0.0127 him:0.0121 in:0.0113 it:0.0111 or:0.0110 -:0.5420 to:0.1679 the:0.0845 of:0.0697 and:0.0325 a:0.0284 in:0.0240 for:0.0209 that:0.0170 from:0.0132 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -regarded:0.0125 made:0.0074 done:0.0061 found:0.0056 instituted:0.0049 laid:0.0046 served:0.0043 driven:0.0038 based:0.0037 held:0.0037 -:0.6945 to:0.1170 of:0.0409 and:0.0364 for:0.0318 in:0.0314 as:0.0125 at:0.0123 the:0.0120 or:0.0112 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -nsaved:0.0005 npolice:0.0005 nelections:0.0005 ?"\:0.0004 ntrusted:0.0004 nsooner:0.0004 68:0.0004 ncity:0.0004 jamestown:0.0003 npersons:0.0003 -:0.8963 own:0.0442 great:0.0114 first:0.0086 death:0.0078 whole:0.0074 wife:0.0070 former:0.0062 father:0.0058 life:0.0052 -that:0.8103 :0.1347 and:0.0152 which:0.0129 when:0.0103 it:0.0039 if:0.0038 until:0.0031 as:0.0031 for:0.0027 -:0.7689 and:0.0423 is:0.0412 have:0.0306 of:0.0255 in:0.0216 that:0.0206 are:0.0166 it:0.0165 for:0.0161 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.7752 the:0.0494 of:0.0436 and:0.0286 a:0.0207 to:0.0193 in:0.0183 by:0.0158 for:0.0146 that:0.0146 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.7648 of:0.0732 and:0.0544 in:0.0223 with:0.0186 is:0.0179 for:0.0158 are:0.0128 or:0.0112 the:0.0091 -:0.5310 the:0.2919 a:0.0579 of:0.0472 his:0.0199 their:0.0120 and:0.0118 tho:0.0118 in:0.0091 for:0.0074 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6052 a:0.1569 the:0.1477 and:0.0203 this:0.0188 of:0.0174 in:0.0139 his:0.0082 that:0.0058 tho:0.0058 -:0.7432 to:0.1853 and:0.0189 for:0.0113 in:0.0087 of:0.0072 at:0.0070 been:0.0068 with:0.0061 he:0.0056 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -cent:0.2981 :0.4920 annum:0.0787 acre:0.0773 day:0.0139 ton:0.0120 month:0.0113 year:0.0080 county:0.0048 pound:0.0040 -:0.7036 the:0.1081 an:0.0563 of:0.0442 in:0.0197 and:0.0172 years:0.0155 or:0.0123 any:0.0116 their:0.0114 -:0.8065 and:0.0448 is:0.0393 of:0.0375 was:0.0266 but:0.0133 has:0.0093 or:0.0092 that:0.0071 had:0.0063 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8404 and:0.0858 but:0.0126 was:0.0115 to:0.0105 that:0.0089 or:0.0085 is:0.0081 are:0.0078 out:0.0060 -:0.6318 and:0.0778 of:0.0529 in:0.0500 as:0.0452 for:0.0431 so:0.0345 by:0.0237 that:0.0211 to:0.0199 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6287 was:0.1132 and:0.0767 is:0.0744 are:0.0296 be:0.0272 were:0.0188 not:0.0109 have:0.0104 has:0.0100 -:0.9399 same:0.0116 people:0.0094 city:0.0084 world:0.0084 government:0.0054 country:0.0046 year:0.0044 bill:0.0040 road:0.0039 -:0.8391 the:0.0392 a:0.0258 of:0.0243 to:0.0231 and:0.0117 that:0.0113 in:0.0104 it:0.0076 as:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -are:0.1552 do:0.1321 did:0.1288 could:0.1171 will:0.0816 have:0.0499 would:0.0491 were:0.0423 had:0.0379 :0.2060 -:0.6501 of:0.1907 and:0.0808 was:0.0145 to:0.0144 is:0.0118 the:0.0109 for:0.0096 in:0.0088 that:0.0084 -:0.5937 is:0.1316 was:0.0737 be:0.0702 and:0.0480 are:0.0359 have:0.0180 were:0.0107 had:0.0097 he:0.0086 -:0.6636 of:0.0668 the:0.0606 to:0.0559 an:0.0455 and:0.0295 a:0.0230 for:0.0230 in:0.0171 or:0.0150 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9356 one:0.0197 all:0.0093 many:0.0068 and:0.0056 out:0.0053 part:0.0049 some:0.0048 half:0.0042 that:0.0038 -:0.9243 most:0.0182 other:0.0106 same:0.0090 city:0.0085 whole:0.0075 old:0.0059 highest:0.0056 last:0.0053 great:0.0052 -the:0.6003 :0.2541 a:0.0309 his:0.0213 this:0.0209 their:0.0198 tho:0.0176 any:0.0141 her:0.0118 our:0.0091 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5241 the:0.2492 this:0.0575 a:0.0530 said:0.0415 that:0.0236 tho:0.0164 any:0.0129 to:0.0122 no:0.0095 -:0.5511 the:0.1321 of:0.0943 to:0.0655 and:0.0407 that:0.0261 his:0.0253 for:0.0246 in:0.0221 by:0.0183 -:0.7373 the:0.0918 of:0.0527 a:0.0300 for:0.0210 that:0.0194 his:0.0151 and:0.0132 in:0.0117 tho:0.0078 -of:0.6435 in:0.0540 from:0.0401 to:0.0257 on:0.0241 for:0.0179 and:0.0167 by:0.0158 ot:0.0133 ol:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.7767 and:0.0494 was:0.0371 he:0.0301 is:0.0285 are:0.0223 have:0.0190 be:0.0150 had:0.0116 has:0.0104 -:0.7632 and:0.0630 of:0.0458 to:0.0409 a:0.0214 that:0.0190 in:0.0189 as:0.0106 the:0.0103 or:0.0069 -:0.9733 hundred:0.0091 in:0.0036 and:0.0025 years:0.0023 wife:0.0020 long:0.0020 hand:0.0018 home:0.0018 men:0.0017 -:0.7561 than:0.1100 the:0.0472 and:0.0171 to:0.0164 that:0.0147 a:0.0117 of:0.0094 in:0.0091 at:0.0082 -of:0.7401 :0.1174 to:0.0344 for:0.0309 in:0.0211 ot:0.0136 that:0.0133 on:0.0112 and:0.0093 at:0.0087 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -:0.5834 of:0.1929 in:0.0713 from:0.0305 to:0.0252 for:0.0245 on:0.0202 and:0.0198 upon:0.0170 by:0.0152 -:0.6410 the:0.1223 a:0.0471 every:0.0415 any:0.0390 this:0.0364 of:0.0225 no:0.0191 his:0.0173 one:0.0139 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.8784 and:0.0332 the:0.0195 was:0.0145 is:0.0131 a:0.0111 that:0.0095 he:0.0089 are:0.0064 be:0.0054 -:0.5451 the:0.1596 to:0.0949 a:0.0392 of:0.0388 for:0.0351 their:0.0248 his:0.0223 and:0.0223 no:0.0180 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9314 as:0.0171 and:0.0117 of:0.0093 was:0.0060 are:0.0053 to:0.0052 or:0.0048 not:0.0047 is:0.0046 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8687 of:0.0452 and:0.0175 or:0.0152 to:0.0122 at:0.0106 with:0.0095 for:0.0082 is:0.0065 six:0.0064 -:0.8040 of:0.0677 and:0.0390 or:0.0208 at:0.0166 that:0.0143 with:0.0106 in:0.0099 for:0.0088 are:0.0084 -:0.7200 of:0.1072 years:0.0481 miles:0.0397 days:0.0161 months:0.0158 feet:0.0156 or:0.0151 hundred:0.0118 the:0.0105 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.8455 the:0.0310 and:0.0280 of:0.0254 in:0.0206 for:0.0136 a:0.0102 as:0.0099 is:0.0080 that:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8548 and:0.0361 the:0.0250 two:0.0201 six:0.0146 three:0.0114 be:0.0105 have:0.0097 or:0.0093 has:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9161 the:0.0330 a:0.0101 and:0.0099 of:0.0080 to:0.0076 in:0.0056 by:0.0035 other:0.0032 it:0.0030 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8768 a:0.0487 the:0.0161 one:0.0132 not:0.0099 in:0.0097 that:0.0077 no:0.0063 at:0.0061 all:0.0055 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.9019 and:0.0259 the:0.0153 of:0.0150 to:0.0126 was:0.0077 or:0.0068 a:0.0067 that:0.0044 are:0.0037 -:0.7447 the:0.1337 a:0.0410 his:0.0217 in:0.0113 other:0.0104 that:0.0095 their:0.0094 to:0.0093 tho:0.0090 -:0.6776 the:0.1390 of:0.0456 a:0.0434 in:0.0319 and:0.0259 to:0.0146 that:0.0083 with:0.0071 by:0.0067 -:0.6332 and:0.0821 a:0.0695 the:0.0556 to:0.0484 for:0.0305 of:0.0304 in:0.0217 is:0.0165 was:0.0121 -:0.7198 the:0.0605 and:0.0592 of:0.0408 a:0.0343 is:0.0222 was:0.0197 in:0.0188 as:0.0165 to:0.0082 -:0.8964 and:0.0245 the:0.0167 of:0.0145 a:0.0105 it:0.0099 that:0.0098 at:0.0067 in:0.0055 or:0.0054 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9446 few:0.0097 little:0.0092 man:0.0075 good:0.0065 large:0.0053 long:0.0047 time:0.0046 year:0.0042 great:0.0039 -:0.7874 the:0.0851 only:0.0387 a:0.0277 be:0.0144 very:0.0117 in:0.0101 no:0.0091 to:0.0082 tbe:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -been:0.5535 :0.3228 had:0.0241 not:0.0241 already:0.0213 ever:0.0138 never:0.0127 be:0.0117 always:0.0084 he:0.0077 -the:0.4318 :0.3821 a:0.0386 tho:0.0307 his:0.0299 this:0.0229 be:0.0187 its:0.0159 their:0.0152 our:0.0143 -:0.7737 the:0.0711 and:0.0327 to:0.0253 in:0.0229 a:0.0213 by:0.0185 that:0.0135 with:0.0120 be:0.0090 -:0.6025 his:0.1226 and:0.1165 the:0.0896 of:0.0201 a:0.0129 in:0.0113 is:0.0091 my:0.0088 tho:0.0068 -:0.9476 amount:0.0084 part:0.0070 one:0.0064 matter:0.0059 case:0.0053 line:0.0052 use:0.0049 city:0.0048 number:0.0046 -:0.9372 day:0.0107 use:0.0098 one:0.0093 part:0.0081 time:0.0058 corner:0.0050 cent:0.0049 value:0.0047 think:0.0045 -:0.8837 the:0.0460 this:0.0141 that:0.0116 all:0.0088 said:0.0080 which:0.0077 their:0.0074 a:0.0064 tho:0.0063 -:0.8916 and:0.0535 that:0.0164 the:0.0070 a:0.0067 it:0.0061 as:0.0051 he:0.0050 who:0.0045 of:0.0042 -of:0.5565 :0.3259 or:0.0342 and:0.0322 for:0.0150 ot:0.0105 at:0.0079 than:0.0072 in:0.0067 with:0.0041 -:0.6645 the:0.1453 of:0.0621 and:0.0411 to:0.0269 in:0.0226 a:0.0097 for:0.0095 by:0.0095 on:0.0088 -:0.6190 of:0.1854 and:0.1098 in:0.0212 to:0.0143 or:0.0131 with:0.0112 the:0.0089 that:0.0086 is:0.0085 -:0.6189 to:0.1363 will:0.0617 and:0.0535 would:0.0278 has:0.0260 have:0.0211 had:0.0200 should:0.0191 we:0.0156 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5818 the:0.3056 which:0.0231 their:0.0183 this:0.0158 his:0.0145 all:0.0115 tho:0.0104 that:0.0100 these:0.0090 -:0.6027 of:0.1333 in:0.0702 for:0.0515 and:0.0394 to:0.0390 on:0.0290 with:0.0142 that:0.0109 at:0.0098 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.4819 :0.3419 a:0.0491 tho:0.0325 his:0.0265 our:0.0166 this:0.0157 their:0.0132 her:0.0115 its:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9181 and:0.0130 came:0.0116 made:0.0107 put:0.0105 set:0.0079 it:0.0078 went:0.0075 took:0.0072 got:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7797 the:0.0649 and:0.0648 to:0.0356 a:0.0161 of:0.0122 his:0.0116 their:0.0052 an:0.0051 tho:0.0048 -:0.8427 of:0.0392 the:0.0299 and:0.0292 to:0.0138 in:0.0120 a:0.0113 or:0.0084 that:0.0068 for:0.0068 -:0.6223 and:0.1192 as:0.0799 but:0.0326 when:0.0313 that:0.0270 where:0.0235 if:0.0225 which:0.0217 will:0.0200 -:0.9478 the:0.0101 all:0.0088 men:0.0064 them:0.0061 sale:0.0058 said:0.0050 land:0.0036 those:0.0032 people:0.0031 -:0.9446 few:0.0097 little:0.0092 man:0.0075 good:0.0065 large:0.0053 long:0.0047 time:0.0046 year:0.0042 great:0.0039 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7343 the:0.0814 of:0.0421 and:0.0388 a:0.0293 in:0.0240 to:0.0139 on:0.0122 at:0.0121 by:0.0118 -:0.7128 years:0.0650 days:0.0505 hundred:0.0358 months:0.0304 of:0.0294 and:0.0290 or:0.0213 miles:0.0164 weeks:0.0094 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.8967 that:0.0274 to:0.0213 then:0.0129 all:0.0100 will:0.0083 a:0.0079 in:0.0069 the:0.0043 when:0.0043 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -:0.8402 good:0.0291 great:0.0277 little:0.0254 very:0.0186 few:0.0152 new:0.0136 large:0.0122 whole:0.0091 most:0.0089 -:0.9272 wife:0.0173 hands:0.0119 death:0.0098 life:0.0077 way:0.0063 own:0.0058 father:0.0054 hand:0.0045 mother:0.0041 -:0.9537 city:0.0066 same:0.0064 year:0.0057 two:0.0056 law:0.0049 world:0.0046 county:0.0044 time:0.0043 people:0.0038 -the:0.4982 :0.4116 a:0.0239 tho:0.0171 his:0.0159 this:0.0093 that:0.0066 said:0.0064 which:0.0055 their:0.0054 -:0.9033 and:0.0221 he:0.0165 a:0.0131 be:0.0114 the:0.0103 was:0.0063 have:0.0062 not:0.0057 lie:0.0053 -the:0.4731 :0.3489 this:0.0402 a:0.0345 his:0.0269 tho:0.0237 our:0.0192 their:0.0177 its:0.0084 any:0.0073 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.7156 the:0.1259 a:0.0610 and:0.0211 of:0.0189 in:0.0149 this:0.0144 his:0.0132 that:0.0075 an:0.0075 -:0.8048 and:0.0572 of:0.0426 the:0.0245 a:0.0180 in:0.0136 to:0.0132 for:0.0093 or:0.0087 at:0.0082 -:0.8129 to:0.0800 and:0.0181 the:0.0170 by:0.0154 in:0.0120 a:0.0114 with:0.0113 from:0.0113 that:0.0107 -found:0.0102 to:0.0101 no:0.0095 a:0.0069 made:0.0064 done:0.0058 seen:0.0057 :0.9368 deemed:0.0044 perfectly:0.0042 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.8955 and:0.0397 of:0.0168 the:0.0114 a:0.0085 in:0.0080 is:0.0059 that:0.0058 was:0.0045 one:0.0039 -:0.8299 years:0.0368 of:0.0307 hundred:0.0216 or:0.0198 days:0.0138 weeks:0.0131 and:0.0130 months:0.0124 hours:0.0089 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8159 in:0.0369 with:0.0249 as:0.0247 by:0.0200 that:0.0173 was:0.0169 for:0.0157 is:0.0155 at:0.0123 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7334 of:0.0603 in:0.0516 to:0.0344 that:0.0289 on:0.0277 with:0.0181 and:0.0180 from:0.0141 for:0.0134 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7350 and:0.0768 of:0.0435 to:0.0341 for:0.0244 at:0.0213 with:0.0197 in:0.0171 are:0.0168 is:0.0113 -the:0.3788 :0.3409 a:0.0981 an:0.0389 his:0.0370 their:0.0283 her:0.0276 tho:0.0191 that:0.0169 no:0.0143 -:0.7247 to:0.0797 of:0.0717 for:0.0354 with:0.0222 and:0.0183 in:0.0161 on:0.0134 let:0.0108 by:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5093 of:0.2712 and:0.0684 to:0.0390 in:0.0269 from:0.0257 the:0.0236 for:0.0127 on:0.0122 that:0.0111 -:0.7534 and:0.0921 was:0.0314 the:0.0276 has:0.0219 be:0.0190 is:0.0169 have:0.0145 are:0.0117 to:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7051 and:0.1034 of:0.0615 in:0.0461 to:0.0301 for:0.0160 the:0.0113 by:0.0095 is:0.0089 are:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6690 of:0.1546 and:0.0731 to:0.0330 in:0.0205 with:0.0137 the:0.0135 or:0.0088 but:0.0072 a:0.0065 -:0.8060 to:0.0927 and:0.0285 the:0.0184 of:0.0139 in:0.0109 a:0.0107 for:0.0069 he:0.0063 been:0.0057 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.4878 the:0.2096 a:0.1541 of:0.0791 in:0.0158 tho:0.0150 by:0.0135 and:0.0099 on:0.0080 with:0.0072 -:0.8260 the:0.0748 a:0.0225 to:0.0188 of:0.0173 and:0.0144 this:0.0071 his:0.0068 their:0.0066 tho:0.0057 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8838 and:0.0343 of:0.0267 in:0.0225 was:0.0081 is:0.0053 it:0.0052 the:0.0052 to:0.0051 that:0.0039 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.8177 go:0.0423 come:0.0338 him:0.0188 have:0.0164 try:0.0154 return:0.0150 them:0.0149 be:0.0138 appear:0.0118 -:0.5812 the:0.2027 a:0.0672 an:0.0380 and:0.0284 of:0.0257 in:0.0213 to:0.0152 his:0.0102 tho:0.0100 -:0.5780 to:0.2446 and:0.0686 will:0.0241 can:0.0195 of:0.0157 we:0.0151 he:0.0118 is:0.0116 would:0.0109 -:0.6318 the:0.2086 of:0.0497 and:0.0257 an:0.0188 tho:0.0180 a:0.0145 his:0.0136 for:0.0105 our:0.0087 -:0.5477 of:0.2599 in:0.0538 and:0.0329 for:0.0251 that:0.0233 with:0.0179 to:0.0153 all:0.0128 by:0.0114 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7549 and:0.0687 he:0.0345 we:0.0229 a:0.0227 was:0.0223 be:0.0210 they:0.0195 is:0.0171 the:0.0165 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.6797 the:0.1642 of:0.0392 and:0.0350 a:0.0325 or:0.0137 no:0.0104 in:0.0087 one:0.0087 his:0.0079 -be:0.8185 bo:0.0413 :0.0960 have:0.0196 he:0.0071 been:0.0064 was:0.0033 not:0.0031 lie:0.0027 also:0.0020 -:0.7732 the:0.1262 a:0.0412 and:0.0208 of:0.0084 no:0.0074 tho:0.0065 in:0.0058 an:0.0054 his:0.0053 -a:0.1034 :0.6650 not:0.0985 the:0.0289 an:0.0287 be:0.0227 to:0.0179 so:0.0129 is:0.0119 had:0.0102 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -:0.8425 and:0.0511 to:0.0275 was:0.0146 as:0.0119 of:0.0119 is:0.0114 that:0.0113 the:0.0092 he:0.0085 -:0.9178 same:0.0186 said:0.0107 other:0.0098 first:0.0095 past:0.0080 following:0.0071 most:0.0065 present:0.0063 whole:0.0058 -:0.7922 and:0.0845 are:0.0240 was:0.0185 or:0.0169 is:0.0169 but:0.0139 it:0.0125 up:0.0108 who:0.0098 -:0.6398 and:0.0856 to:0.0826 of:0.0591 in:0.0369 that:0.0322 will:0.0217 or:0.0147 as:0.0139 who:0.0135 -:0.5845 of:0.1677 to:0.0446 and:0.0412 for:0.0373 in:0.0345 with:0.0334 by:0.0318 than:0.0134 on:0.0115 -the:0.0753 :0.8423 a:0.0152 this:0.0122 his:0.0121 tho:0.0098 we:0.0092 its:0.0084 an:0.0078 other:0.0077 -:0.7234 was:0.0446 and:0.0426 is:0.0407 be:0.0390 have:0.0305 has:0.0253 he:0.0242 had:0.0188 are:0.0109 -:0.7347 not:0.0762 in:0.0463 to:0.0359 as:0.0261 at:0.0183 only:0.0181 made:0.0175 that:0.0139 quite:0.0130 -an:0.2828 the:0.2205 :0.2482 a:0.0778 by:0.0467 in:0.0361 to:0.0339 his:0.0259 tho:0.0156 their:0.0126 -:0.5458 and:0.1195 was:0.0961 is:0.0666 are:0.0422 were:0.0330 he:0.0327 to:0.0271 has:0.0204 be:0.0166 -:0.9507 way:0.0069 work:0.0065 children:0.0062 efforts:0.0057 homes:0.0053 hands:0.0051 lives:0.0051 friends:0.0046 life:0.0040 -:0.5533 the:0.1230 by:0.0964 to:0.0725 that:0.0465 in:0.0392 and:0.0212 a:0.0179 him:0.0158 for:0.0140 -:0.6639 of:0.0920 and:0.0853 the:0.0513 to:0.0345 in:0.0191 with:0.0146 that:0.0136 or:0.0132 a:0.0125 -:0.7947 and:0.0457 if:0.0324 that:0.0307 of:0.0240 to:0.0196 which:0.0173 as:0.0132 for:0.0114 by:0.0109 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.7944 and:0.0550 the:0.0440 in:0.0236 a:0.0184 that:0.0183 by:0.0165 to:0.0109 as:0.0102 of:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8951 that:0.0286 all:0.0285 which:0.0155 in:0.0081 the:0.0069 by:0.0053 of:0.0041 on:0.0040 said:0.0038 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -be:0.4256 :0.4112 not:0.0422 bo:0.0388 have:0.0244 he:0.0230 never:0.0118 take:0.0080 probably:0.0076 come:0.0073 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9306 and:0.0236 of:0.0117 in:0.0086 to:0.0080 at:0.0039 time:0.0036 for:0.0034 as:0.0034 that:0.0032 -few:0.0424 single:0.0111 dozen:0.0108 great:0.0082 brief:0.0071 large:0.0064 little:0.0063 certified:0.0050 small:0.0049 veritable:0.0042 -a:0.4123 the:0.1627 an:0.0390 :0.3057 hereby:0.0166 not:0.0166 very:0.0137 tho:0.0135 no:0.0123 his:0.0076 -:0.7498 have:0.0839 are:0.0636 will:0.0239 were:0.0187 had:0.0166 can:0.0137 do:0.0109 may:0.0099 would:0.0091 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.4832 is:0.1267 of:0.0931 and:0.0631 that:0.0573 was:0.0486 as:0.0413 but:0.0350 has:0.0316 in:0.0200 -:0.6202 in:0.1096 to:0.0907 that:0.0569 the:0.0368 and:0.0284 a:0.0191 on:0.0134 at:0.0126 by:0.0123 -:0.8548 to:0.0308 and:0.0298 of:0.0280 that:0.0130 in:0.0127 for:0.0108 with:0.0069 was:0.0068 the:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8159 in:0.0450 that:0.0369 at:0.0314 with:0.0157 to:0.0147 by:0.0128 for:0.0102 of:0.0096 on:0.0078 -:0.8048 and:0.0572 of:0.0426 the:0.0245 a:0.0180 in:0.0136 to:0.0132 for:0.0093 or:0.0087 at:0.0082 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.7852 the:0.1136 a:0.0337 and:0.0192 of:0.0128 this:0.0109 that:0.0066 to:0.0063 they:0.0062 he:0.0057 -:0.9052 it:0.0280 him:0.0229 them:0.0114 us:0.0072 me:0.0065 together:0.0056 compared:0.0049 years:0.0043 dealing:0.0042 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6782 and:0.1404 to:0.0485 is:0.0307 was:0.0239 of:0.0214 or:0.0196 in:0.0129 are:0.0127 the:0.0117 -:0.9080 and:0.0339 is:0.0165 was:0.0089 of:0.0078 that:0.0072 are:0.0057 as:0.0043 or:0.0040 in:0.0038 -:0.5443 of:0.1698 to:0.0682 and:0.0620 in:0.0598 for:0.0321 the:0.0186 at:0.0160 that:0.0159 a:0.0133 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.7266 is:0.0706 and:0.0687 was:0.0431 are:0.0284 or:0.0252 of:0.0115 were:0.0114 has:0.0078 being:0.0067 -:0.6127 the:0.2604 and:0.0278 of:0.0246 a:0.0149 this:0.0139 to:0.0127 that:0.0122 in:0.0113 his:0.0095 -:0.6410 of:0.0829 and:0.0612 the:0.0600 a:0.0444 in:0.0358 for:0.0252 to:0.0218 with:0.0145 is:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8156 the:0.0728 and:0.0332 a:0.0195 to:0.0116 of:0.0113 this:0.0106 was:0.0088 is:0.0086 not:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6878 the:0.1202 a:0.0573 of:0.0553 and:0.0276 in:0.0172 his:0.0090 to:0.0087 with:0.0085 is:0.0084 -:0.8875 persons:0.0213 times:0.0194 that:0.0149 men:0.0117 and:0.0110 kinds:0.0105 cases:0.0086 who:0.0083 interest:0.0068 -:0.8515 and:0.0601 of:0.0198 to:0.0167 is:0.0109 in:0.0100 was:0.0088 the:0.0084 that:0.0083 or:0.0055 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2182 :0.4415 in:0.0764 and:0.0616 for:0.0518 with:0.0427 by:0.0400 to:0.0263 from:0.0218 on:0.0197 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.5565 the:0.1909 any:0.1070 this:0.0290 every:0.0278 a:0.0219 all:0.0219 no:0.0169 that:0.0140 said:0.0140 -:0.8779 as:0.0227 made:0.0196 held:0.0141 used:0.0136 found:0.0134 is:0.0121 in:0.0092 so:0.0090 seen:0.0085 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5689 of:0.2298 the:0.0456 and:0.0438 in:0.0376 to:0.0249 for:0.0136 that:0.0124 a:0.0120 or:0.0114 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6948 hundred:0.1019 of:0.0922 to:0.0306 and:0.0249 or:0.0152 thousand:0.0139 year:0.0100 in:0.0096 for:0.0069 -:0.9327 persons:0.0098 cases:0.0091 and:0.0090 men:0.0080 times:0.0077 that:0.0066 right:0.0060 who:0.0058 money:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8354 and:0.0472 to:0.0257 the:0.0192 a:0.0190 of:0.0176 in:0.0142 on:0.0086 from:0.0066 for:0.0065 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.7662 the:0.1142 said:0.0308 a:0.0238 that:0.0181 about:0.0132 which:0.0091 this:0.0087 these:0.0084 tho:0.0075 -:0.9544 most:0.0075 city:0.0059 same:0.0058 following:0.0053 time:0.0048 great:0.0044 world:0.0041 present:0.0040 said:0.0038 -:0.7940 the:0.0510 north:0.0303 south:0.0300 one:0.0253 other:0.0196 of:0.0156 west:0.0119 in:0.0115 and:0.0106 -:0.8240 and:0.0612 the:0.0209 be:0.0203 of:0.0173 in:0.0157 he:0.0117 have:0.0102 was:0.0100 is:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7893 the:0.0647 and:0.0450 a:0.0371 in:0.0130 of:0.0128 to:0.0122 that:0.0097 his:0.0095 this:0.0068 -:0.7025 to:0.0695 the:0.0575 and:0.0439 a:0.0379 of:0.0344 that:0.0282 his:0.0103 in:0.0093 for:0.0065 -:0.7188 the:0.1498 a:0.0411 his:0.0195 this:0.0141 its:0.0135 tho:0.0130 to:0.0109 that:0.0101 their:0.0093 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9489 and:0.0093 feet:0.0078 went:0.0067 is:0.0052 right:0.0051 according:0.0048 able:0.0047 desire:0.0043 are:0.0031 -:0.5835 the:0.3165 a:0.0360 and:0.0129 to:0.0113 that:0.0103 tho:0.0089 with:0.0069 said:0.0069 in:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5857 to:0.2574 will:0.0340 and:0.0335 the:0.0194 would:0.0169 can:0.0162 a:0.0147 of:0.0140 that:0.0082 -:0.9100 it:0.0481 there:0.0080 he:0.0069 in:0.0060 all:0.0053 you:0.0048 one:0.0041 the:0.0035 that:0.0033 -the:0.3675 :0.3364 a:0.1356 his:0.0502 their:0.0271 tho:0.0213 her:0.0197 its:0.0147 tbe:0.0146 this:0.0128 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8511 and:0.0372 to:0.0263 as:0.0223 of:0.0163 was:0.0104 it:0.0092 by:0.0091 or:0.0091 in:0.0090 -:0.7684 two:0.0369 three:0.0368 for:0.0350 of:0.0347 and:0.0191 many:0.0182 several:0.0180 four:0.0170 twenty:0.0160 -the:0.4324 :0.3956 a:0.0336 his:0.0335 tho:0.0334 be:0.0218 this:0.0198 our:0.0125 tbe:0.0091 her:0.0083 -:0.9553 it:0.0084 and:0.0077 in:0.0075 of:0.0048 was:0.0046 is:0.0031 there:0.0030 or:0.0029 him:0.0026 -:0.7107 the:0.1663 and:0.0314 of:0.0188 said:0.0174 a:0.0171 tho:0.0111 this:0.0097 is:0.0088 to:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8338 and:0.0510 but:0.0242 so:0.0191 described:0.0138 just:0.0134 is:0.0128 known:0.0113 that:0.0107 to:0.0097 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.8703 and:0.0425 to:0.0211 the:0.0137 was:0.0104 of:0.0095 that:0.0093 is:0.0082 will:0.0081 not:0.0069 -:0.8300 any:0.0587 old:0.0230 average:0.0165 hour:0.0136 additional:0.0124 a:0.0121 own:0.0118 active:0.0111 official:0.0110 -:0.5352 an:0.2329 the:0.1575 a:0.0188 his:0.0124 of:0.0117 and:0.0103 tho:0.0083 our:0.0066 their:0.0064 -:0.7318 and:0.0601 to:0.0474 of:0.0335 in:0.0277 is:0.0253 for:0.0244 at:0.0183 with:0.0172 from:0.0144 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -to:0.7750 :0.1850 and:0.0130 will:0.0092 would:0.0056 can:0.0033 for:0.0024 that:0.0023 we:0.0021 could:0.0020 -:0.7152 the:0.1217 a:0.0640 by:0.0485 at:0.0104 for:0.0098 of:0.0094 in:0.0073 this:0.0070 said:0.0069 -:0.7816 of:0.0701 the:0.0517 that:0.0241 and:0.0208 to:0.0176 in:0.0105 for:0.0093 he:0.0072 or:0.0071 -:0.4022 in:0.1356 of:0.1067 the:0.0791 on:0.0720 that:0.0579 to:0.0532 he:0.0363 with:0.0289 by:0.0279 -:0.5840 of:0.1972 and:0.0610 to:0.0443 for:0.0352 that:0.0276 with:0.0171 in:0.0127 or:0.0112 is:0.0096 -:0.7947 and:0.0418 of:0.0307 the:0.0278 a:0.0241 be:0.0216 was:0.0194 is:0.0147 on:0.0142 have:0.0110 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8366 and:0.0549 was:0.0267 is:0.0187 are:0.0139 be:0.0130 were:0.0127 have:0.0086 who:0.0076 had:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7007 a:0.1195 the:0.0987 to:0.0160 his:0.0146 her:0.0112 that:0.0107 an:0.0100 in:0.0096 and:0.0089 -:0.8132 only:0.0661 be:0.0375 the:0.0172 to:0.0163 that:0.0151 as:0.0098 in:0.0093 all:0.0082 even:0.0073 -:0.6417 the:0.1782 a:0.0462 and:0.0406 of:0.0401 in:0.0196 was:0.0094 his:0.0085 is:0.0079 tho:0.0078 -the:0.5091 :0.3299 a:0.0637 his:0.0235 tho:0.0218 their:0.0165 tbe:0.0103 its:0.0095 an:0.0082 this:0.0074 -:0.6233 is:0.1022 and:0.0777 was:0.0665 be:0.0404 are:0.0359 the:0.0187 were:0.0140 of:0.0109 not:0.0104 -:0.8023 of:0.0767 the:0.0401 and:0.0341 or:0.0162 for:0.0094 that:0.0069 to:0.0052 at:0.0046 in:0.0045 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9129 one:0.0191 out:0.0171 that:0.0108 with:0.0107 and:0.0089 all:0.0060 feet:0.0059 many:0.0046 corner:0.0040 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9216 as:0.0151 one:0.0146 able:0.0107 is:0.0079 according:0.0070 time:0.0067 and:0.0059 enough:0.0054 have:0.0052 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.5782 to:0.2341 would:0.0526 will:0.0500 may:0.0199 should:0.0163 and:0.0143 we:0.0141 must:0.0109 could:0.0095 -:0.8105 of:0.0643 and:0.0499 to:0.0347 or:0.0092 for:0.0073 in:0.0071 that:0.0066 on:0.0052 than:0.0052 -:0.5937 is:0.1316 was:0.0737 be:0.0702 and:0.0480 are:0.0359 have:0.0180 were:0.0107 had:0.0097 he:0.0086 -:0.6215 the:0.1362 to:0.0720 in:0.0596 of:0.0250 a:0.0201 with:0.0195 by:0.0175 that:0.0170 and:0.0115 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8129 of:0.0944 and:0.0463 in:0.0148 or:0.0083 that:0.0057 the:0.0056 at:0.0040 are:0.0040 on:0.0039 -:0.5612 to:0.1102 the:0.0835 by:0.0711 and:0.0415 a:0.0362 in:0.0336 for:0.0230 of:0.0229 that:0.0168 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.9019 hands:0.0157 wife:0.0127 name:0.0112 death:0.0107 head:0.0104 duty:0.0104 office:0.0095 son:0.0090 part:0.0086 -the:0.3220 :0.4710 of:0.0592 a:0.0535 in:0.0287 and:0.0222 his:0.0162 tho:0.0107 for:0.0084 was:0.0081 -the:0.3562 :0.4127 a:0.0472 our:0.0398 any:0.0378 tho:0.0263 said:0.0228 this:0.0216 his:0.0190 their:0.0167 -:0.6859 we:0.0830 to:0.0603 they:0.0547 would:0.0359 will:0.0275 you:0.0176 not:0.0127 that:0.0114 and:0.0110 -:0.8713 and:0.0232 the:0.0232 to:0.0228 in:0.0169 of:0.0104 a:0.0094 at:0.0084 for:0.0077 on:0.0066 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6975 of:0.1488 to:0.0411 for:0.0319 on:0.0259 in:0.0162 with:0.0137 and:0.0124 upon:0.0064 between:0.0060 -:0.7961 went:0.0482 had:0.0351 is:0.0256 was:0.0200 came:0.0198 began:0.0194 seemed:0.0161 ought:0.0106 seems:0.0092 -:0.9484 him:0.0102 be:0.0073 work:0.0061 them:0.0054 pay:0.0052 it:0.0049 me:0.0047 go:0.0040 appear:0.0039 -:0.8434 other:0.0593 year:0.0272 county:0.0158 day:0.0112 side:0.0097 and:0.0091 of:0.0086 time:0.0080 one:0.0079 -:0.6343 the:0.1615 a:0.0432 of:0.0401 his:0.0295 this:0.0233 any:0.0220 their:0.0195 its:0.0136 in:0.0129 -the:0.5279 :0.3751 tho:0.0263 said:0.0150 this:0.0133 a:0.0123 tbe:0.0089 our:0.0081 his:0.0080 their:0.0052 -:0.9037 and:0.0286 of:0.0248 auction:0.0146 or:0.0063 to:0.0060 that:0.0044 was:0.0043 schools:0.0039 for:0.0035 -time:0.0043 no:0.0042 the:0.0038 they:0.0030 this:0.0029 all:0.0026 would:0.0025 will:0.0025 may:0.0024 could:0.0023 -:0.6757 the:0.1211 of:0.0689 and:0.0515 in:0.0274 for:0.0172 or:0.0101 no:0.0097 his:0.0097 a:0.0087 -:0.6510 of:0.1265 and:0.0536 the:0.0327 is:0.0293 or:0.0229 in:0.0227 for:0.0209 was:0.0203 by:0.0202 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.7598 the:0.0635 that:0.0325 and:0.0325 a:0.0248 in:0.0208 to:0.0207 of:0.0175 by:0.0169 as:0.0109 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.6057 of:0.1374 the:0.0732 a:0.0592 and:0.0319 in:0.0254 said:0.0230 to:0.0225 for:0.0140 by:0.0077 -:0.6637 to:0.1066 of:0.0814 and:0.0465 in:0.0333 for:0.0241 the:0.0138 that:0.0119 on:0.0106 or:0.0081 -:0.7374 and:0.0514 the:0.0452 a:0.0405 in:0.0335 to:0.0226 was:0.0214 of:0.0208 is:0.0150 be:0.0122 -:0.9013 and:0.0366 or:0.0148 that:0.0078 up:0.0075 but:0.0074 out:0.0062 it:0.0062 oclock:0.0062 was:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8458 and:0.0597 was:0.0242 is:0.0141 are:0.0130 or:0.0105 came:0.0105 went:0.0101 but:0.0060 were:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8206 and:0.0552 of:0.0510 that:0.0193 to:0.0151 in:0.0112 the:0.0100 or:0.0080 for:0.0051 a:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5231 the:0.2451 of:0.0989 a:0.0433 in:0.0301 this:0.0145 and:0.0127 their:0.0121 its:0.0107 tho:0.0094 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.4553 and:0.1841 of:0.1832 to:0.0645 in:0.0353 or:0.0320 for:0.0227 was:0.0084 is:0.0075 will:0.0070 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8548 and:0.0361 the:0.0250 two:0.0201 six:0.0146 three:0.0114 be:0.0105 have:0.0097 or:0.0093 has:0.0085 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.8931 it:0.0325 him:0.0178 them:0.0155 her:0.0091 the:0.0090 you:0.0063 me:0.0063 us:0.0056 a:0.0048 -:0.7517 of:0.0700 that:0.0471 and:0.0444 to:0.0279 in:0.0208 with:0.0114 the:0.0099 for:0.0089 by:0.0079 -:0.7916 the:0.0896 a:0.0335 be:0.0240 in:0.0142 and:0.0116 an:0.0110 to:0.0097 his:0.0079 it:0.0069 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8044 the:0.0849 of:0.0386 and:0.0185 in:0.0155 a:0.0116 to:0.0097 all:0.0057 for:0.0055 or:0.0055 -will:0.3230 would:0.1439 may:0.1150 to:0.0725 should:0.0712 shall:0.0571 must:0.0481 :0.1138 can:0.0349 might:0.0205 -of:0.1966 :0.5257 and:0.0924 to:0.0478 in:0.0414 was:0.0231 the:0.0215 is:0.0192 for:0.0176 on:0.0148 -:0.8382 not:0.0689 more:0.0206 it:0.0169 two:0.0136 one:0.0105 so:0.0094 three:0.0075 all:0.0072 you:0.0072 -:0.8916 little:0.0193 few:0.0175 large:0.0174 great:0.0125 very:0.0116 good:0.0086 public:0.0073 most:0.0073 day:0.0068 -:0.6739 the:0.1142 a:0.0556 that:0.0448 in:0.0380 of:0.0204 by:0.0200 on:0.0118 as:0.0108 to:0.0105 -:0.9054 one:0.0465 part:0.0146 out:0.0087 day:0.0056 side:0.0053 and:0.0049 line:0.0032 number:0.0031 or:0.0026 -:0.9531 and:0.0107 way:0.0060 line:0.0053 part:0.0049 man:0.0047 one:0.0041 time:0.0040 matter:0.0038 day:0.0034 -is:0.3779 was:0.1847 :0.2188 are:0.0681 has:0.0390 were:0.0350 had:0.0306 have:0.0233 be:0.0128 and:0.0097 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9011 of:0.0355 the:0.0212 a:0.0118 in:0.0088 and:0.0080 that:0.0044 for:0.0033 to:0.0031 not:0.0027 -:0.6911 the:0.0997 a:0.0809 and:0.0379 of:0.0314 in:0.0206 his:0.0111 to:0.0101 that:0.0088 at:0.0084 -:0.8763 made:0.0326 given:0.0180 held:0.0129 done:0.0122 followed:0.0118 taken:0.0104 caused:0.0091 not:0.0085 appointed:0.0084 -:0.8522 country:0.0335 morning:0.0204 time:0.0180 city:0.0177 is:0.0164 county:0.0119 way:0.0113 act:0.0098 bill:0.0088 -:0.6198 the:0.2101 a:0.0577 of:0.0251 and:0.0219 to:0.0212 his:0.0192 tho:0.0097 their:0.0089 for:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8650 large:0.0251 little:0.0244 great:0.0162 long:0.0151 very:0.0137 good:0.0112 a:0.0108 short:0.0105 new:0.0080 -:0.8193 be:0.0940 go:0.0178 get:0.0137 put:0.0125 bo:0.0110 look:0.0101 come:0.0079 pass:0.0073 bear:0.0065 -:0.6903 those:0.1920 be:0.0300 do:0.0258 all:0.0137 men:0.0121 one:0.0119 say:0.0119 others:0.0063 persons:0.0061 -:0.9577 own:0.0134 way:0.0063 the:0.0048 other:0.0041 right:0.0028 most:0.0028 city:0.0028 one:0.0027 best:0.0025 -:0.8072 other:0.0692 of:0.0396 one:0.0277 time:0.0121 and:0.0104 more:0.0095 person:0.0090 the:0.0086 kind:0.0068 -:0.6600 it:0.0934 which:0.0833 that:0.0548 what:0.0328 there:0.0268 and:0.0227 he:0.0105 this:0.0099 as:0.0057 -of:0.4438 :0.3226 on:0.0474 in:0.0369 and:0.0347 at:0.0266 for:0.0257 to:0.0236 ot:0.0196 from:0.0191 -:0.5190 a:0.1506 is:0.1146 was:0.0876 the:0.0383 and:0.0299 as:0.0251 in:0.0162 so:0.0099 has:0.0090 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7381 he:0.0795 it:0.0377 she:0.0267 we:0.0261 and:0.0253 they:0.0218 there:0.0176 that:0.0139 ho:0.0132 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.9054 of:0.0391 and:0.0139 or:0.0083 was:0.0071 hundred:0.0057 other:0.0055 is:0.0052 years:0.0050 day:0.0048 -:0.9171 and:0.0180 is:0.0140 was:0.0120 he:0.0076 has:0.0074 or:0.0071 which:0.0060 at:0.0059 that:0.0049 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9119 went:0.0196 it:0.0115 able:0.0095 as:0.0085 is:0.0084 come:0.0082 according:0.0076 came:0.0075 began:0.0072 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -of:0.1013 to:0.0434 the:0.0227 :0.7633 for:0.0144 and:0.0129 ot:0.0124 or:0.0108 his:0.0105 is:0.0082 -:0.6655 and:0.0964 of:0.0776 is:0.0420 was:0.0413 or:0.0209 for:0.0157 are:0.0156 in:0.0145 but:0.0107 -:0.8115 able:0.0740 allowed:0.0251 made:0.0218 required:0.0175 given:0.0118 used:0.0114 compelled:0.0103 ready:0.0083 liable:0.0082 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -to:0.5996 :0.3059 and:0.0343 will:0.0202 may:0.0121 would:0.0081 shall:0.0063 or:0.0048 we:0.0044 should:0.0042 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9280 held:0.0122 and:0.0118 it:0.0103 was:0.0102 looked:0.0070 is:0.0065 made:0.0049 he:0.0048 that:0.0043 -:0.9579 and:0.0153 deal:0.0068 of:0.0060 many:0.0033 or:0.0023 way:0.0023 in:0.0022 work:0.0020 action:0.0019 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9503 and:0.0112 time:0.0065 case:0.0050 work:0.0049 times:0.0047 men:0.0046 day:0.0045 law:0.0042 county:0.0041 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.6011 to:0.1052 in:0.0836 as:0.0490 by:0.0468 for:0.0325 with:0.0298 that:0.0184 at:0.0180 on:0.0157 -to:0.9355 not:0.0247 :0.0302 will:0.0034 and:0.0017 that:0.0010 can:0.0009 would:0.0009 we:0.0009 may:0.0009 -:0.8518 and:0.0383 the:0.0250 a:0.0228 one:0.0172 of:0.0111 in:0.0109 more:0.0084 to:0.0075 two:0.0070 -:0.7825 in:0.0616 of:0.0249 and:0.0247 for:0.0247 with:0.0181 at:0.0172 by:0.0164 is:0.0155 was:0.0144 -:0.7359 of:0.0836 and:0.0551 for:0.0348 to:0.0328 the:0.0131 in:0.0126 or:0.0110 by:0.0108 that:0.0104 -:0.9309 letter:0.0177 free:0.0115 year:0.0104 bill:0.0063 man:0.0057 mile:0.0054 distance:0.0051 law:0.0036 week:0.0035 -:0.8598 men:0.0437 people:0.0220 friends:0.0181 man:0.0153 those:0.0136 one:0.0097 way:0.0061 persons:0.0059 woman:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7072 of:0.1021 the:0.0582 and:0.0372 a:0.0229 for:0.0173 at:0.0149 by:0.0141 or:0.0134 with:0.0128 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7137 be:0.0754 know:0.0564 say:0.0462 see:0.0296 show:0.0210 find:0.0185 believe:0.0149 learn:0.0123 understand:0.0120 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -the:0.5607 :0.2926 a:0.0377 tho:0.0307 his:0.0217 their:0.0183 our:0.0122 this:0.0105 tbe:0.0082 its:0.0074 -:0.7682 time:0.0703 and:0.0446 is:0.0321 as:0.0275 was:0.0187 are:0.0157 man:0.0086 but:0.0075 thing:0.0068 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7108 of:0.1050 the:0.0461 old:0.0327 and:0.0294 in:0.0226 no:0.0173 that:0.0148 ago:0.0107 with:0.0104 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6262 a:0.1159 is:0.0615 was:0.0524 the:0.0505 and:0.0366 are:0.0211 of:0.0129 be:0.0128 were:0.0102 -:0.5249 a:0.1905 the:0.1390 of:0.0509 with:0.0264 and:0.0197 this:0.0171 in:0.0119 by:0.0106 that:0.0089 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8855 the:0.0438 a:0.0177 that:0.0109 of:0.0096 in:0.0086 he:0.0066 to:0.0059 all:0.0056 by:0.0056 -:0.6269 to:0.0966 and:0.0711 of:0.0653 in:0.0405 as:0.0258 was:0.0210 for:0.0198 on:0.0165 with:0.0165 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.7465 and:0.0962 or:0.0305 was:0.0242 that:0.0217 were:0.0206 in:0.0190 of:0.0168 has:0.0134 is:0.0111 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.8808 it:0.0386 which:0.0328 life:0.0094 land:0.0090 this:0.0084 what:0.0057 that:0.0055 he:0.0054 the:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5372 the:0.1307 and:0.1162 of:0.0571 any:0.0455 or:0.0372 no:0.0264 in:0.0246 all:0.0131 for:0.0119 -:0.6993 of:0.1328 and:0.0484 in:0.0213 to:0.0193 was:0.0175 for:0.0158 the:0.0156 that:0.0155 by:0.0145 -the:0.3125 :0.5060 be:0.0905 he:0.0278 have:0.0140 tho:0.0128 which:0.0128 do:0.0085 pay:0.0078 make:0.0074 -:0.6536 of:0.1195 and:0.0935 in:0.0432 are:0.0247 for:0.0152 is:0.0143 or:0.0121 that:0.0120 at:0.0119 -to:0.2847 :0.5793 and:0.0452 not:0.0321 will:0.0196 in:0.0119 can:0.0082 would:0.0075 are:0.0059 now:0.0056 -:0.8424 of:0.0719 and:0.0257 in:0.0172 to:0.0124 the:0.0101 or:0.0068 is:0.0047 for:0.0047 same:0.0041 -:0.6597 the:0.2130 thence:0.0362 of:0.0335 and:0.0124 his:0.0102 a:0.0099 tho:0.0094 in:0.0085 said:0.0074 -:0.9105 and:0.0205 own:0.0162 husband:0.0100 the:0.0095 that:0.0091 to:0.0079 home:0.0064 in:0.0058 father:0.0041 -:0.7833 and:0.0723 to:0.0453 of:0.0251 the:0.0221 in:0.0190 by:0.0095 or:0.0094 from:0.0086 at:0.0054 -:0.9520 and:0.0159 interest:0.0070 them:0.0048 men:0.0047 that:0.0046 but:0.0031 him:0.0029 which:0.0028 room:0.0022 -:0.9577 own:0.0134 way:0.0063 the:0.0048 other:0.0041 right:0.0028 most:0.0028 city:0.0028 one:0.0027 best:0.0025 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5600 of:0.2077 and:0.1060 to:0.0362 the:0.0292 or:0.0155 a:0.0146 for:0.0111 in:0.0109 that:0.0086 -:0.6738 was:0.1164 would:0.0909 will:0.0253 had:0.0235 looked:0.0180 is:0.0150 could:0.0150 has:0.0112 might:0.0111 -:0.7677 the:0.0640 a:0.0482 given:0.0414 to:0.0243 in:0.0160 it:0.0148 for:0.0083 on:0.0081 all:0.0071 -is:0.1735 :0.5782 was:0.1009 will:0.0364 would:0.0257 has:0.0224 to:0.0206 a:0.0153 the:0.0145 and:0.0125 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.7359 the:0.0837 of:0.0598 that:0.0310 a:0.0240 and:0.0190 it:0.0169 to:0.0132 in:0.0086 as:0.0077 -:0.9710 it:0.0054 men:0.0051 hundred:0.0038 and:0.0038 in:0.0032 up:0.0020 here:0.0019 to:0.0019 or:0.0019 -:0.5481 it:0.1253 he:0.0826 they:0.0768 we:0.0731 there:0.0347 she:0.0198 you:0.0195 which:0.0108 time:0.0093 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6314 and:0.1292 his:0.1016 the:0.0532 in:0.0362 to:0.0193 a:0.0095 on:0.0072 my:0.0068 of:0.0056 -:0.6318 and:0.0778 of:0.0529 in:0.0500 as:0.0452 for:0.0431 so:0.0345 by:0.0237 that:0.0211 to:0.0199 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -the:0.3583 :0.4572 be:0.0738 tho:0.0269 an:0.0225 a:0.0192 his:0.0120 have:0.0119 make:0.0091 any:0.0091 -:0.8835 the:0.0314 a:0.0208 to:0.0207 in:0.0140 and:0.0079 not:0.0078 be:0.0047 for:0.0047 as:0.0046 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6858 order:0.1073 regard:0.1041 addition:0.0368 relation:0.0182 reference:0.0155 said:0.0103 time:0.0083 them:0.0074 which:0.0065 -:0.4702 of:0.2025 in:0.1523 to:0.0610 from:0.0250 on:0.0222 for:0.0199 and:0.0197 by:0.0144 that:0.0128 -:0.5258 and:0.1100 the:0.0841 of:0.0779 in:0.0756 was:0.0503 is:0.0355 at:0.0158 by:0.0142 on:0.0107 -:0.8693 one:0.0288 some:0.0199 out:0.0184 any:0.0128 all:0.0125 that:0.0123 because:0.0098 or:0.0090 and:0.0072 -per:0.8066 :0.1462 nper:0.0162 a:0.0131 to:0.0048 the:0.0036 and:0.0031 or:0.0025 of:0.0022 one:0.0018 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8794 the:0.0548 all:0.0119 any:0.0110 his:0.0084 her:0.0082 our:0.0076 these:0.0072 two:0.0064 each:0.0050 -:0.7923 and:0.0572 is:0.0435 was:0.0215 to:0.0162 have:0.0154 had:0.0147 as:0.0140 in:0.0135 be:0.0116 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9539 and:0.0106 many:0.0067 a:0.0057 the:0.0045 of:0.0039 deal:0.0039 political:0.0038 right:0.0037 one:0.0032 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8249 great:0.0320 good:0.0306 large:0.0256 little:0.0228 few:0.0170 very:0.0163 small:0.0120 new:0.0101 most:0.0087 -:0.7935 favor:0.0664 order:0.0280 spite:0.0245 one:0.0232 all:0.0133 front:0.0129 some:0.0129 behalf:0.0127 any:0.0125 -:0.6254 the:0.2345 of:0.0489 his:0.0251 a:0.0144 tho:0.0121 in:0.0113 and:0.0111 their:0.0091 our:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7509 two:0.0722 more:0.0624 three:0.0362 less:0.0257 four:0.0130 other:0.0107 otherwise:0.0105 six:0.0094 parcel:0.0090 -:0.8443 average:0.0346 old:0.0300 hour:0.0182 enormous:0.0148 immediate:0.0141 ordinary:0.0125 inch:0.0118 annual:0.0099 excellent:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8544 to:0.0323 and:0.0294 was:0.0253 is:0.0123 or:0.0101 it:0.0100 for:0.0094 at:0.0091 all:0.0077 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.9478 the:0.0101 all:0.0088 men:0.0064 them:0.0061 sale:0.0058 said:0.0050 land:0.0036 those:0.0032 people:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6831 of:0.1383 and:0.0450 in:0.0280 who:0.0234 are:0.0210 to:0.0190 have:0.0151 the:0.0151 were:0.0120 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8322 and:0.0505 is:0.0262 was:0.0181 the:0.0164 of:0.0161 at:0.0133 in:0.0115 are:0.0080 to:0.0076 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -the:0.3815 his:0.0745 their:0.0711 our:0.0519 :0.3049 its:0.0428 tho:0.0239 my:0.0214 these:0.0150 this:0.0129 -:0.6202 the:0.1971 a:0.0768 his:0.0226 their:0.0193 to:0.0154 our:0.0141 her:0.0128 its:0.0112 tbe:0.0106 -:0.8138 as:0.0353 up:0.0280 and:0.0270 from:0.0220 down:0.0173 it:0.0161 him:0.0158 them:0.0142 enough:0.0106 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -a:0.2593 :0.4219 the:0.1699 his:0.0298 of:0.0294 in:0.0287 their:0.0195 no:0.0150 and:0.0136 this:0.0127 -:0.9537 the:0.0074 it:0.0067 them:0.0066 all:0.0050 sale:0.0048 land:0.0045 life:0.0041 said:0.0036 this:0.0036 -:0.9447 way:0.0209 hands:0.0073 work:0.0050 efforts:0.0040 own:0.0040 duty:0.0038 head:0.0035 children:0.0034 interest:0.0033 -:0.6206 the:0.2204 of:0.0718 and:0.0190 in:0.0150 his:0.0133 a:0.0125 at:0.0095 was:0.0095 is:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7224 and:0.0812 of:0.0651 to:0.0399 in:0.0214 for:0.0191 with:0.0174 is:0.0122 by:0.0113 the:0.0102 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.6775 and:0.0931 of:0.0696 to:0.0504 in:0.0343 as:0.0215 for:0.0162 but:0.0126 is:0.0125 by:0.0123 -:0.6443 in:0.0682 the:0.0625 to:0.0585 a:0.0407 by:0.0324 on:0.0322 and:0.0247 of:0.0224 that:0.0140 -:0.7688 the:0.0684 and:0.0423 a:0.0419 of:0.0211 his:0.0166 is:0.0113 to:0.0112 in:0.0093 their:0.0091 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.5987 of:0.1173 in:0.0841 and:0.0479 to:0.0398 with:0.0296 for:0.0250 on:0.0238 from:0.0180 at:0.0158 -of:0.0501 in:0.0345 :0.8200 on:0.0248 by:0.0136 from:0.0120 that:0.0118 to:0.0117 at:0.0109 upon:0.0106 -:0.8678 less:0.0250 otherwise:0.0189 more:0.0150 even:0.0150 not:0.0147 no:0.0120 two:0.0120 any:0.0110 the:0.0086 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.8654 he:0.0309 the:0.0236 be:0.0216 and:0.0127 an:0.0110 no:0.0097 a:0.0094 been:0.0083 never:0.0075 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -the:0.0716 be:0.0364 :0.7993 his:0.0159 their:0.0154 take:0.0144 make:0.0136 tho:0.0121 this:0.0115 pay:0.0098 -the:0.5969 :0.2486 a:0.0525 tho:0.0238 his:0.0177 their:0.0174 tbe:0.0111 such:0.0108 an:0.0107 our:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5693 of:0.2291 and:0.0727 the:0.0305 a:0.0281 or:0.0239 in:0.0142 to:0.0126 for:0.0102 that:0.0092 -to:0.3129 :0.5005 of:0.0575 the:0.0410 and:0.0307 in:0.0219 a:0.0109 on:0.0086 that:0.0083 for:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.6052 a:0.1569 the:0.1477 and:0.0203 this:0.0188 of:0.0174 in:0.0139 his:0.0082 that:0.0058 tho:0.0058 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5528 the:0.2567 and:0.0628 a:0.0479 of:0.0369 that:0.0106 tho:0.0104 his:0.0086 or:0.0072 to:0.0060 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8089 and:0.0460 to:0.0372 of:0.0360 in:0.0209 the:0.0198 with:0.0085 a:0.0084 that:0.0080 for:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9657 than:0.0090 it:0.0056 and:0.0055 in:0.0027 up:0.0027 house:0.0024 here:0.0022 there:0.0021 home:0.0021 -:0.9049 and:0.0289 is:0.0149 was:0.0137 are:0.0087 it:0.0086 or:0.0053 were:0.0051 be:0.0050 to:0.0049 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9806 whole:0.0030 most:0.0027 time:0.0025 city:0.0021 past:0.0020 same:0.0019 said:0.0019 top:0.0018 old:0.0016 -was:0.0133 be:0.0125 a:0.0119 would:0.0110 is:0.0094 been:0.0076 the:0.0069 were:0.0068 :0.9146 to:0.0061 -:0.8753 efforts:0.0308 way:0.0193 right:0.0125 intention:0.0122 feet:0.0118 order:0.0118 power:0.0096 duty:0.0084 willingness:0.0083 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -the:0.3758 :0.4105 a:0.0432 his:0.0373 this:0.0341 our:0.0229 tho:0.0222 said:0.0215 their:0.0170 her:0.0154 -:0.7083 to:0.0723 and:0.0594 of:0.0467 the:0.0313 is:0.0256 was:0.0165 in:0.0151 a:0.0136 at:0.0112 -any:0.3066 :0.4138 the:0.0879 no:0.0626 two:0.0383 all:0.0210 three:0.0205 each:0.0197 some:0.0190 and:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8430 time:0.0624 and:0.0312 as:0.0165 is:0.0104 of:0.0101 day:0.0075 to:0.0075 way:0.0061 in:0.0054 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8200 been:0.0283 come:0.0278 failed:0.0264 made:0.0233 able:0.0189 gone:0.0150 not:0.0148 given:0.0130 returned:0.0125 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.7615 in:0.0510 as:0.0454 by:0.0269 for:0.0259 from:0.0234 on:0.0191 with:0.0171 is:0.0153 at:0.0145 -:0.6577 that:0.2761 and:0.0133 to:0.0095 when:0.0090 as:0.0080 county:0.0071 mortgage:0.0070 lot:0.0065 day:0.0057 -:0.6756 those:0.1876 men:0.0688 all:0.0179 persons:0.0126 one:0.0118 people:0.0088 others:0.0067 the:0.0051 man:0.0051 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6170 the:0.2531 his:0.0276 a:0.0222 this:0.0196 tho:0.0155 their:0.0137 its:0.0110 said:0.0102 our:0.0101 -be:0.4000 :0.4744 bo:0.0374 have:0.0307 not:0.0223 do:0.0083 know:0.0071 say:0.0071 get:0.0071 find:0.0056 -:0.7637 has:0.0507 and:0.0357 have:0.0347 is:0.0278 was:0.0245 had:0.0219 than:0.0145 who:0.0134 he:0.0133 -:0.6815 and:0.0932 is:0.0651 was:0.0530 are:0.0283 has:0.0260 will:0.0204 were:0.0128 have:0.0101 but:0.0097 -:0.5510 of:0.1496 to:0.1031 for:0.0638 and:0.0481 the:0.0270 by:0.0159 that:0.0156 with:0.0138 in:0.0121 -:0.8661 and:0.0368 to:0.0209 the:0.0177 will:0.0115 that:0.0115 of:0.0097 as:0.0087 is:0.0087 a:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8751 and:0.0423 him:0.0174 us:0.0119 that:0.0115 them:0.0094 me:0.0094 or:0.0087 it:0.0080 up:0.0064 -:0.7552 that:0.1088 as:0.0246 not:0.0221 but:0.0190 then:0.0169 so:0.0169 what:0.0160 when:0.0107 and:0.0098 -:0.6688 of:0.1215 and:0.1068 the:0.0229 in:0.0186 that:0.0185 which:0.0131 are:0.0127 with:0.0088 or:0.0082 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -of:0.1801 :0.4101 in:0.0879 as:0.0842 is:0.0511 with:0.0510 and:0.0394 for:0.0360 to:0.0352 at:0.0250 -:0.7535 to:0.0768 and:0.0716 of:0.0301 in:0.0147 with:0.0131 or:0.0115 that:0.0112 for:0.0092 will:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.2355 :0.4230 in:0.1005 and:0.0690 for:0.0397 to:0.0327 with:0.0294 by:0.0258 from:0.0244 at:0.0200 -:0.7305 will:0.0721 may:0.0461 shall:0.0295 and:0.0275 to:0.0219 which:0.0215 would:0.0185 can:0.0181 should:0.0143 -:0.9149 wife:0.0191 life:0.0132 hands:0.0102 death:0.0090 eyes:0.0078 mother:0.0074 father:0.0070 work:0.0058 hand:0.0055 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8233 the:0.0861 of:0.0286 and:0.0172 in:0.0115 an:0.0098 a:0.0083 at:0.0054 tho:0.0054 that:0.0044 -:0.9307 man:0.0180 bill:0.0103 result:0.0067 word:0.0066 law:0.0065 day:0.0061 matter:0.0057 letter:0.0055 question:0.0040 -:0.8287 and:0.0612 the:0.0322 was:0.0168 or:0.0137 to:0.0137 of:0.0118 is:0.0074 in:0.0073 not:0.0072 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -:0.7110 was:0.0606 and:0.0472 is:0.0452 be:0.0343 have:0.0322 are:0.0271 had:0.0161 has:0.0154 were:0.0110 -:0.7956 the:0.0667 and:0.0383 a:0.0244 in:0.0150 of:0.0149 that:0.0141 by:0.0124 to:0.0106 his:0.0082 -:0.5798 or:0.1653 of:0.0603 years:0.0382 hundred:0.0315 than:0.0311 days:0.0248 months:0.0240 and:0.0230 thousand:0.0220 -:0.6977 of:0.0852 and:0.0528 in:0.0403 to:0.0292 on:0.0245 that:0.0221 for:0.0211 the:0.0142 was:0.0130 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8260 great:0.0511 good:0.0339 little:0.0210 small:0.0146 few:0.0146 large:0.0126 new:0.0104 fine:0.0084 big:0.0073 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8801 and:0.0213 west:0.0172 of:0.0165 three:0.0147 east:0.0139 five:0.0096 two:0.0092 in:0.0090 the:0.0086 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7152 and:0.0691 of:0.0583 the:0.0498 or:0.0255 a:0.0205 is:0.0204 was:0.0152 in:0.0136 to:0.0125 -the:0.2301 :0.6137 a:0.0403 and:0.0303 an:0.0173 tho:0.0156 this:0.0156 that:0.0150 his:0.0122 of:0.0098 -not:0.4061 :0.4664 the:0.0801 a:0.0103 that:0.0096 to:0.0060 and:0.0056 it:0.0056 all:0.0056 in:0.0048 -:0.8179 and:0.0401 be:0.0298 was:0.0276 is:0.0155 he:0.0152 has:0.0151 who:0.0145 have:0.0129 had:0.0113 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6417 the:0.1572 his:0.0640 to:0.0332 that:0.0249 its:0.0245 in:0.0147 a:0.0137 all:0.0136 tho:0.0126 -:0.8229 the:0.0417 and:0.0366 in:0.0204 to:0.0179 said:0.0149 as:0.0148 is:0.0115 that:0.0101 of:0.0092 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6825 of:0.0866 and:0.0818 in:0.0439 to:0.0361 the:0.0197 for:0.0149 as:0.0129 that:0.0117 or:0.0098 -:0.6544 the:0.1072 of:0.0852 to:0.0370 and:0.0334 a:0.0322 for:0.0157 in:0.0141 his:0.0120 their:0.0087 -:0.7974 of:0.0957 other:0.0321 time:0.0193 and:0.0158 one:0.0125 the:0.0110 way:0.0059 a:0.0056 in:0.0047 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9066 other:0.0174 same:0.0160 great:0.0152 most:0.0108 said:0.0082 first:0.0081 new:0.0067 public:0.0058 last:0.0053 -:0.9471 and:0.0128 is:0.0071 way:0.0057 time:0.0056 power:0.0053 line:0.0049 feet:0.0043 right:0.0039 it:0.0034 -:0.7141 of:0.1238 and:0.0632 to:0.0394 in:0.0160 the:0.0102 for:0.0100 as:0.0086 on:0.0081 by:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.8388 and:0.0417 of:0.0370 the:0.0256 that:0.0220 a:0.0097 to:0.0081 which:0.0064 in:0.0054 said:0.0052 -:0.7218 and:0.1245 the:0.0776 of:0.0232 in:0.0126 no:0.0114 that:0.0078 to:0.0072 his:0.0070 are:0.0068 -:0.7222 the:0.1067 to:0.0501 a:0.0363 and:0.0213 by:0.0164 in:0.0130 that:0.0125 for:0.0115 it:0.0100 -:0.6403 a:0.1057 the:0.0675 is:0.0409 was:0.0404 and:0.0366 be:0.0318 are:0.0129 of:0.0121 as:0.0118 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -of:0.1168 in:0.0997 to:0.0952 for:0.0839 :0.4158 and:0.0623 on:0.0408 that:0.0362 at:0.0281 from:0.0211 -:0.7697 and:0.0509 is:0.0412 was:0.0335 the:0.0262 be:0.0175 as:0.0173 a:0.0163 are:0.0139 of:0.0135 -of:0.1490 in:0.1025 :0.5087 on:0.0595 to:0.0550 from:0.0371 for:0.0314 at:0.0221 with:0.0211 and:0.0135 -:0.7594 of:0.0777 and:0.0519 to:0.0228 in:0.0228 for:0.0186 with:0.0148 at:0.0119 or:0.0107 that:0.0097 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6052 a:0.1812 the:0.0484 to:0.0467 one:0.0348 of:0.0261 all:0.0152 in:0.0147 and:0.0144 that:0.0131 -:0.5845 of:0.1677 to:0.0446 and:0.0412 for:0.0373 in:0.0345 with:0.0334 by:0.0318 than:0.0134 on:0.0115 -:0.7083 of:0.0700 the:0.0652 and:0.0619 in:0.0269 by:0.0181 a:0.0153 for:0.0123 to:0.0121 on:0.0100 -:0.6722 in:0.0965 of:0.0674 the:0.0553 he:0.0258 on:0.0207 and:0.0203 by:0.0186 is:0.0117 to:0.0116 -respective:0.0036 efficacy:0.0025 own:0.0023 efforts:0.0019 hearers:0.0014 repub:0.0014 predecessors:0.0014 skull:0.0013 willingness:0.0012 opponents:0.0012 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -out:0.0112 consist:0.0083 instead:0.0058 consisting:0.0054 portion:0.0038 consists:0.0038 consisted:0.0032 line:0.0032 part:0.0031 composed:0.0030 -:0.5758 to:0.2536 will:0.0613 and:0.0288 would:0.0234 of:0.0219 that:0.0118 can:0.0092 should:0.0070 may:0.0070 -:0.6268 been:0.1879 to:0.0341 by:0.0339 at:0.0263 in:0.0251 not:0.0196 on:0.0164 for:0.0163 be:0.0135 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.6370 this:0.1075 :0.1592 a:0.0259 tho:0.0212 any:0.0127 his:0.0112 said:0.0111 tbe:0.0071 their:0.0070 -:0.8582 the:0.0475 a:0.0229 an:0.0181 and:0.0114 of:0.0109 is:0.0092 in:0.0081 said:0.0078 was:0.0058 -:0.6814 and:0.1124 to:0.0740 of:0.0351 the:0.0344 was:0.0193 in:0.0118 with:0.0114 that:0.0109 or:0.0095 -:0.4913 of:0.1749 in:0.1111 and:0.1039 to:0.0314 on:0.0290 by:0.0191 are:0.0145 with:0.0141 at:0.0106 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7503 to:0.0811 for:0.0408 with:0.0333 by:0.0249 told:0.0154 that:0.0154 in:0.0143 upon:0.0123 before:0.0122 -the:0.1637 tho:0.0444 our:0.0261 his:0.0189 a:0.0149 their:0.0123 tbe:0.0102 its:0.0096 said:0.0080 these:0.0075 -:0.8006 and:0.0946 of:0.0306 the:0.0174 in:0.0153 for:0.0120 with:0.0090 at:0.0085 his:0.0061 that:0.0059 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -will:0.3237 may:0.1395 should:0.0937 would:0.0877 can:0.0828 must:0.0544 shall:0.0512 could:0.0503 :0.0907 cannot:0.0261 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8840 own:0.0308 and:0.0294 home:0.0107 husband:0.0103 as:0.0091 great:0.0071 in:0.0068 that:0.0062 father:0.0057 -:0.5959 the:0.2998 he:0.0159 his:0.0144 tho:0.0141 a:0.0140 of:0.0129 in:0.0116 they:0.0107 this:0.0106 -:0.8595 the:0.0765 a:0.0121 in:0.0104 of:0.0097 and:0.0081 that:0.0066 his:0.0063 this:0.0058 all:0.0049 -:0.7703 is:0.0441 you:0.0299 not:0.0295 and:0.0252 was:0.0251 be:0.0211 to:0.0201 it:0.0173 in:0.0172 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.7305 a:0.0694 the:0.0605 of:0.0553 to:0.0192 or:0.0153 an:0.0137 and:0.0129 in:0.0126 for:0.0107 -:0.3795 in:0.1377 to:0.1372 of:0.0873 by:0.0850 from:0.0572 on:0.0360 for:0.0359 at:0.0231 and:0.0213 -:0.9119 and:0.0331 of:0.0232 for:0.0051 or:0.0047 it:0.0045 the:0.0045 to:0.0045 he:0.0044 was:0.0042 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.9062 part:0.0223 side:0.0148 out:0.0138 one:0.0127 day:0.0110 line:0.0055 corner:0.0046 days:0.0046 feet:0.0045 -:0.8347 is:0.0329 was:0.0297 and:0.0264 do:0.0160 it:0.0137 be:0.0134 had:0.0132 have:0.0100 are:0.0099 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6552 the:0.1670 a:0.0499 in:0.0226 by:0.0225 to:0.0198 and:0.0197 of:0.0174 on:0.0131 his:0.0127 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7131 has:0.0610 and:0.0590 have:0.0378 had:0.0338 will:0.0250 would:0.0213 was:0.0210 he:0.0145 is:0.0135 -:0.9119 went:0.0196 it:0.0115 able:0.0095 as:0.0085 is:0.0084 come:0.0082 according:0.0076 came:0.0075 began:0.0072 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.4354 was:0.1562 is:0.1474 as:0.0635 be:0.0504 and:0.0367 of:0.0329 are:0.0267 were:0.0255 has:0.0253 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.9212 and:0.0380 that:0.0079 said:0.0065 but:0.0051 is:0.0049 was:0.0049 in:0.0041 as:0.0039 to:0.0035 -:0.5952 of:0.1396 in:0.0711 and:0.0460 for:0.0381 to:0.0331 with:0.0284 on:0.0225 by:0.0135 from:0.0125 -:0.9027 now:0.0237 not:0.0162 going:0.0098 only:0.0095 called:0.0087 still:0.0083 made:0.0075 situated:0.0072 held:0.0065 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9424 two:0.0111 more:0.0090 hundred:0.0077 three:0.0072 one:0.0071 few:0.0053 and:0.0041 day:0.0031 six:0.0030 -of:0.3282 :0.3432 in:0.0762 and:0.0581 to:0.0560 for:0.0489 on:0.0323 that:0.0234 is:0.0173 from:0.0165 -:0.8696 other:0.0270 more:0.0246 one:0.0212 doubt:0.0188 longer:0.0133 reason:0.0070 matter:0.0062 better:0.0061 the:0.0061 -:0.9434 and:0.0119 all:0.0092 it:0.0065 him:0.0063 one:0.0055 went:0.0050 up:0.0043 go:0.0041 in:0.0038 -:0.6841 of:0.0725 to:0.0539 and:0.0471 in:0.0435 that:0.0296 the:0.0236 or:0.0220 a:0.0160 on:0.0076 -:0.6430 in:0.0611 of:0.0546 to:0.0536 for:0.0463 and:0.0444 as:0.0259 is:0.0251 with:0.0235 from:0.0225 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8688 to:0.0349 and:0.0277 of:0.0199 in:0.0137 for:0.0085 that:0.0082 on:0.0067 at:0.0059 the:0.0058 -:0.9428 world:0.0092 bill:0.0076 law:0.0073 government:0.0065 city:0.0064 result:0.0055 case:0.0054 country:0.0053 land:0.0042 -to:0.3799 :0.4112 and:0.0632 will:0.0551 would:0.0326 should:0.0131 can:0.0127 we:0.0113 may:0.0106 shall:0.0104 -:0.6956 of:0.0615 and:0.0536 is:0.0512 was:0.0447 for:0.0242 at:0.0199 or:0.0198 to:0.0155 in:0.0141 -to:0.4121 :0.3912 not:0.1225 now:0.0294 we:0.0129 also:0.0092 still:0.0068 a:0.0068 often:0.0046 that:0.0045 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9544 most:0.0075 city:0.0059 same:0.0058 following:0.0053 time:0.0048 great:0.0044 world:0.0041 present:0.0040 said:0.0038 -to:0.4441 :0.3981 and:0.0780 will:0.0159 is:0.0142 in:0.0124 we:0.0107 was:0.0101 they:0.0088 as:0.0077 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7264 of:0.0608 and:0.0532 who:0.0433 in:0.0271 to:0.0271 the:0.0169 is:0.0157 that:0.0149 was:0.0146 -:0.8239 and:0.0853 or:0.0184 is:0.0175 was:0.0145 but:0.0113 to:0.0097 for:0.0081 that:0.0059 are:0.0054 -:0.7926 and:0.0841 to:0.0590 was:0.0139 of:0.0100 or:0.0088 is:0.0086 not:0.0080 will:0.0075 are:0.0074 -:0.8216 all:0.0385 that:0.0357 in:0.0289 which:0.0207 on:0.0157 by:0.0152 to:0.0095 from:0.0077 and:0.0064 -:0.6554 be:0.1804 have:0.0599 not:0.0509 bo:0.0178 he:0.0091 the:0.0082 do:0.0066 take:0.0064 make:0.0052 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.8255 the:0.0524 of:0.0390 a:0.0353 and:0.0157 that:0.0080 to:0.0069 for:0.0063 in:0.0056 his:0.0053 -:0.8693 miles:0.0280 feet:0.0207 times:0.0185 years:0.0133 line:0.0115 men:0.0106 and:0.0099 away:0.0095 days:0.0086 -:0.6127 the:0.2604 and:0.0278 of:0.0246 a:0.0149 this:0.0139 to:0.0127 that:0.0122 in:0.0113 his:0.0095 -:0.5239 was:0.0944 is:0.0768 and:0.0638 are:0.0585 be:0.0584 have:0.0461 were:0.0288 had:0.0276 has:0.0218 -:0.8711 city:0.0297 country:0.0243 time:0.0212 way:0.0139 year:0.0113 morning:0.0080 day:0.0075 act:0.0065 place:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8019 the:0.0602 of:0.0503 and:0.0229 a:0.0176 that:0.0141 in:0.0126 or:0.0072 it:0.0067 who:0.0066 -:0.6185 of:0.1609 and:0.0661 in:0.0298 the:0.0279 for:0.0220 was:0.0196 that:0.0189 or:0.0183 as:0.0181 -:0.8446 and:0.0405 it:0.0202 as:0.0201 a:0.0199 to:0.0153 be:0.0117 that:0.0105 him:0.0088 them:0.0083 -:0.6662 the:0.1403 of:0.0566 that:0.0407 and:0.0200 a:0.0191 in:0.0180 it:0.0159 as:0.0148 his:0.0086 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8861 notified:0.0200 and:0.0172 fact:0.0156 stated:0.0141 so:0.0115 ordered:0.0100 but:0.0088 in:0.0086 declared:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -was:0.2054 :0.5047 is:0.1036 had:0.0865 has:0.0625 said:0.0126 went:0.0064 took:0.0063 did:0.0061 are:0.0058 -:0.7821 and:0.0654 of:0.0309 the:0.0255 in:0.0210 is:0.0168 was:0.0165 for:0.0157 or:0.0152 a:0.0108 -:0.7675 the:0.0891 of:0.0428 and:0.0324 or:0.0149 in:0.0124 to:0.0121 at:0.0113 for:0.0090 any:0.0085 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.7256 of:0.0813 and:0.0764 to:0.0432 in:0.0220 the:0.0114 or:0.0111 that:0.0100 for:0.0098 by:0.0090 -:0.9585 same:0.0069 government:0.0056 world:0.0053 country:0.0048 city:0.0045 war:0.0043 county:0.0036 people:0.0033 case:0.0032 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8495 them:0.0261 as:0.0259 and:0.0204 it:0.0179 him:0.0176 me:0.0127 up:0.0100 us:0.0099 have:0.0099 -:0.5902 of:0.2802 and:0.0353 to:0.0278 in:0.0243 with:0.0128 for:0.0090 from:0.0070 or:0.0067 that:0.0066 -be:0.3115 :0.5835 bo:0.0250 have:0.0245 not:0.0191 he:0.0133 the:0.0104 lie:0.0047 take:0.0042 find:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7946 of:0.0590 and:0.0587 to:0.0181 with:0.0177 the:0.0130 a:0.0120 for:0.0108 in:0.0085 that:0.0076 -in:0.2540 :0.4656 of:0.0944 for:0.0353 and:0.0345 to:0.0316 on:0.0282 that:0.0215 from:0.0174 as:0.0173 -:0.7048 the:0.1042 a:0.0999 to:0.0178 of:0.0155 with:0.0145 in:0.0129 his:0.0109 no:0.0100 very:0.0095 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.6459 to:0.0886 and:0.0687 would:0.0392 we:0.0333 who:0.0300 which:0.0294 will:0.0292 should:0.0186 that:0.0172 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8633 made:0.0323 held:0.0264 used:0.0131 done:0.0127 sold:0.0117 paid:0.0112 received:0.0108 taken:0.0094 given:0.0091 -:0.8016 the:0.0422 his:0.0248 three:0.0230 ten:0.0228 five:0.0220 her:0.0178 four:0.0161 fifty:0.0152 eight:0.0146 -of:0.2311 :0.4997 to:0.1158 and:0.0713 for:0.0258 with:0.0137 the:0.0125 or:0.0104 is:0.0101 in:0.0098 -:0.8361 the:0.0537 and:0.0346 a:0.0247 of:0.0153 in:0.0099 or:0.0070 his:0.0069 was:0.0061 is:0.0056 -:0.8861 the:0.0291 and:0.0282 a:0.0194 of:0.0102 in:0.0072 this:0.0053 one:0.0050 was:0.0049 are:0.0046 -:0.9277 whole:0.0135 following:0.0098 same:0.0080 said:0.0076 north:0.0075 public:0.0071 most:0.0067 best:0.0063 two:0.0059 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.6826 the:0.1817 and:0.0304 a:0.0239 of:0.0191 his:0.0162 tho:0.0142 our:0.0111 to:0.0110 their:0.0100 -:0.7424 be:0.1098 take:0.0262 have:0.0246 find:0.0235 make:0.0200 not:0.0182 see:0.0118 give:0.0117 pay:0.0117 -:0.6492 of:0.1579 and:0.0586 the:0.0260 in:0.0252 or:0.0211 is:0.0186 to:0.0173 was:0.0136 that:0.0125 -:0.7366 the:0.0948 a:0.0444 not:0.0374 hereby:0.0228 now:0.0162 many:0.0144 no:0.0132 very:0.0125 more:0.0078 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.5920 he:0.1704 the:0.0580 they:0.0431 a:0.0280 it:0.0280 we:0.0251 is:0.0248 she:0.0198 if:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8746 and:0.0468 was:0.0177 up:0.0131 or:0.0106 is:0.0105 are:0.0075 down:0.0065 than:0.0064 but:0.0064 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.7593 to:0.0682 and:0.0453 of:0.0368 that:0.0214 the:0.0199 in:0.0157 for:0.0145 we:0.0106 which:0.0083 -:0.7073 much:0.0574 that:0.0561 many:0.0502 long:0.0296 far:0.0249 as:0.0244 well:0.0196 to:0.0160 soon:0.0145 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.5925 he:0.0833 who:0.0807 it:0.0680 which:0.0590 and:0.0521 that:0.0222 she:0.0172 there:0.0142 but:0.0107 -:0.6597 the:0.2130 thence:0.0362 of:0.0335 and:0.0124 his:0.0102 a:0.0099 tho:0.0094 in:0.0085 said:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6658 in:0.0834 to:0.0474 of:0.0435 on:0.0394 that:0.0275 by:0.0254 for:0.0240 and:0.0230 from:0.0205 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7811 the:0.0585 a:0.0473 and:0.0399 of:0.0167 his:0.0157 for:0.0121 in:0.0118 by:0.0086 at:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8761 to:0.0419 and:0.0386 as:0.0115 of:0.0097 in:0.0060 be:0.0047 on:0.0039 or:0.0038 with:0.0038 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.9003 and:0.0209 went:0.0201 came:0.0145 was:0.0096 it:0.0077 are:0.0071 is:0.0070 set:0.0066 come:0.0062 -:0.9268 it:0.0171 him:0.0116 and:0.0116 them:0.0065 up:0.0062 that:0.0052 or:0.0051 down:0.0050 out:0.0049 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8408 to:0.0415 the:0.0327 in:0.0194 and:0.0192 been:0.0121 he:0.0097 be:0.0087 of:0.0084 not:0.0074 -of:0.1721 :0.4158 in:0.0876 to:0.0761 for:0.0675 and:0.0634 from:0.0418 that:0.0371 is:0.0193 on:0.0193 -:0.7908 the:0.1007 of:0.0296 and:0.0208 a:0.0178 to:0.0128 his:0.0095 tho:0.0073 in:0.0055 for:0.0052 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.9062 and:0.0436 of:0.0132 in:0.0079 that:0.0079 or:0.0054 the:0.0047 as:0.0040 to:0.0036 but:0.0035 -:0.9526 up:0.0081 in:0.0074 home:0.0072 him:0.0063 down:0.0047 and:0.0038 water:0.0037 work:0.0033 off:0.0032 -:0.5920 to:0.1246 the:0.0861 and:0.0504 that:0.0389 a:0.0288 by:0.0237 with:0.0197 in:0.0194 for:0.0165 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.9272 it:0.0216 that:0.0127 one:0.0110 be:0.0060 he:0.0060 you:0.0047 as:0.0037 there:0.0037 and:0.0034 -:0.8899 him:0.0352 us:0.0230 me:0.0146 them:0.0137 it:0.0082 that:0.0043 all:0.0043 years:0.0035 and:0.0033 -:0.7570 the:0.0514 to:0.0477 and:0.0357 that:0.0266 a:0.0259 in:0.0175 of:0.0158 by:0.0120 as:0.0105 -:0.7218 and:0.1245 the:0.0776 of:0.0232 in:0.0126 no:0.0114 that:0.0078 to:0.0072 his:0.0070 are:0.0068 -:0.8606 and:0.0521 to:0.0197 that:0.0147 in:0.0125 was:0.0112 or:0.0082 had:0.0075 of:0.0068 a:0.0066 -:0.7937 the:0.1279 a:0.0330 this:0.0167 said:0.0075 tho:0.0053 his:0.0047 them:0.0038 that:0.0038 her:0.0036 -:0.7256 in:0.0912 the:0.0480 a:0.0475 no:0.0235 of:0.0179 an:0.0142 for:0.0129 on:0.0110 said:0.0082 -:0.8090 and:0.0655 was:0.0323 is:0.0267 of:0.0156 be:0.0141 has:0.0101 are:0.0092 or:0.0088 the:0.0087 -:0.9402 order:0.0124 the:0.0085 hand:0.0071 all:0.0068 favor:0.0061 time:0.0055 this:0.0055 mind:0.0040 it:0.0040 -:0.9182 feet:0.0264 and:0.0104 back:0.0082 right:0.0073 according:0.0066 enough:0.0064 way:0.0064 regard:0.0053 down:0.0050 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.6151 to:0.1324 the:0.0986 a:0.0702 of:0.0256 and:0.0193 will:0.0113 tho:0.0092 this:0.0091 his:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -a:0.2433 :0.5122 the:0.1527 of:0.0273 this:0.0127 their:0.0125 his:0.0125 in:0.0104 and:0.0097 its:0.0066 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.5446 of:0.1326 in:0.0774 that:0.0674 by:0.0606 for:0.0353 at:0.0249 to:0.0195 on:0.0190 with:0.0188 -:0.5971 of:0.1519 the:0.0730 and:0.0502 to:0.0342 that:0.0234 for:0.0219 a:0.0206 in:0.0168 by:0.0109 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8156 to:0.0737 be:0.0270 a:0.0194 only:0.0166 the:0.0129 in:0.0119 been:0.0103 at:0.0068 have:0.0057 -:0.6308 the:0.1337 of:0.0631 a:0.0580 and:0.0376 is:0.0223 was:0.0147 or:0.0134 that:0.0134 at:0.0128 -:0.9115 and:0.0344 are:0.0108 was:0.0084 were:0.0068 but:0.0067 is:0.0064 now:0.0052 it:0.0050 that:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8380 to:0.0750 with:0.0208 of:0.0192 that:0.0143 for:0.0077 in:0.0076 on:0.0066 lot:0.0060 and:0.0050 -:0.6415 a:0.0798 the:0.0702 by:0.0552 to:0.0485 in:0.0361 an:0.0202 and:0.0202 of:0.0145 for:0.0138 -:0.6594 in:0.0727 to:0.0556 of:0.0545 and:0.0394 with:0.0266 for:0.0237 by:0.0228 on:0.0227 that:0.0226 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -not:0.0931 :0.6835 be:0.0637 to:0.0589 you:0.0314 we:0.0185 it:0.0156 that:0.0123 will:0.0116 he:0.0115 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -the:0.3232 :0.4593 a:0.0504 of:0.0399 that:0.0352 his:0.0312 it:0.0195 in:0.0155 and:0.0134 their:0.0124 -:0.8750 line:0.0330 side:0.0309 parts:0.0154 out:0.0096 part:0.0096 kinds:0.0079 feet:0.0069 number:0.0066 cases:0.0053 -:0.8600 most:0.0263 same:0.0239 first:0.0222 two:0.0131 best:0.0128 whole:0.0125 great:0.0114 very:0.0103 public:0.0075 -:0.7789 the:0.0754 a:0.0459 and:0.0267 was:0.0152 of:0.0140 in:0.0118 be:0.0109 is:0.0106 have:0.0105 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -of:0.4636 :0.3244 in:0.0485 and:0.0463 that:0.0317 but:0.0224 for:0.0198 to:0.0172 with:0.0142 which:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7999 the:0.0550 and:0.0444 a:0.0283 is:0.0162 was:0.0147 to:0.0139 his:0.0097 of:0.0091 as:0.0088 -of:0.4307 in:0.0804 :0.2919 to:0.0495 with:0.0385 for:0.0254 that:0.0217 and:0.0213 by:0.0212 on:0.0195 -:0.9161 the:0.0330 a:0.0101 and:0.0099 of:0.0080 to:0.0076 in:0.0056 by:0.0035 other:0.0032 it:0.0030 -:0.8563 same:0.0304 whole:0.0226 most:0.0215 first:0.0171 other:0.0128 old:0.0124 great:0.0101 said:0.0085 best:0.0084 -of:0.6482 :0.1981 for:0.0328 in:0.0327 to:0.0299 on:0.0166 and:0.0158 from:0.0107 that:0.0077 by:0.0074 -:0.5919 which:0.1562 that:0.1191 said:0.0318 what:0.0234 whom:0.0214 this:0.0159 the:0.0158 and:0.0135 time:0.0110 -to:0.4645 :0.3634 and:0.0586 the:0.0434 in:0.0299 for:0.0108 a:0.0077 with:0.0073 by:0.0073 as:0.0071 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -cheapest:0.0020 highest:0.0019 fact:0.0017 world:0.0015 earth:0.0015 lookout:0.0015 past:0.0014 city:0.0013 senate:0.0013 most:0.0013 -:0.9066 one:0.0208 part:0.0164 out:0.0145 line:0.0097 corner:0.0087 side:0.0077 day:0.0057 and:0.0053 that:0.0048 -:0.9348 and:0.0115 went:0.0076 it:0.0074 according:0.0073 able:0.0070 is:0.0070 came:0.0062 enough:0.0059 them:0.0053 -:0.9419 most:0.0113 great:0.0079 first:0.0077 same:0.0065 said:0.0063 best:0.0052 public:0.0046 north:0.0044 good:0.0043 -:0.6621 in:0.1119 the:0.0990 of:0.0316 a:0.0291 and:0.0234 was:0.0164 no:0.0101 had:0.0083 his:0.0081 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8047 for:0.0393 and:0.0310 of:0.0297 to:0.0223 in:0.0213 at:0.0182 by:0.0145 that:0.0109 from:0.0081 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5253 in:0.2567 the:0.0710 to:0.0300 and:0.0295 of:0.0244 an:0.0240 by:0.0149 a:0.0127 this:0.0117 -few:0.5000 :0.4168 dozen:0.0143 two:0.0122 little:0.0113 three:0.0104 five:0.0096 ten:0.0096 thousand:0.0092 hundred:0.0067 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7661 to:0.0845 and:0.0211 on:0.0204 with:0.0201 in:0.0200 at:0.0194 for:0.0185 from:0.0177 by:0.0124 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6419 he:0.0936 it:0.0641 and:0.0572 which:0.0435 that:0.0392 who:0.0254 of:0.0139 there:0.0134 but:0.0078 -:0.5672 a:0.2021 of:0.0597 in:0.0573 and:0.0355 that:0.0341 the:0.0146 is:0.0106 with:0.0097 one:0.0091 -the:0.4846 a:0.1299 :0.2708 his:0.0338 tho:0.0237 their:0.0157 its:0.0117 an:0.0113 tbe:0.0093 any:0.0092 -to:0.3252 not:0.1832 :0.4064 now:0.0304 still:0.0119 also:0.0102 should:0.0087 may:0.0086 will:0.0081 that:0.0073 -:0.7872 and:0.0431 on:0.0351 for:0.0351 in:0.0300 of:0.0218 to:0.0160 at:0.0107 with:0.0107 by:0.0102 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6903 the:0.1129 to:0.0665 of:0.0338 and:0.0316 a:0.0178 at:0.0129 in:0.0122 his:0.0113 this:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8134 of:0.0444 a:0.0288 the:0.0266 and:0.0252 in:0.0243 to:0.0139 this:0.0112 their:0.0061 tho:0.0060 -:0.8366 and:0.0407 of:0.0278 the:0.0245 in:0.0160 that:0.0123 a:0.0116 by:0.0106 for:0.0101 to:0.0099 -:0.7961 went:0.0482 had:0.0351 is:0.0256 was:0.0200 came:0.0198 began:0.0194 seemed:0.0161 ought:0.0106 seems:0.0092 -:0.7182 the:0.1778 this:0.0186 said:0.0177 a:0.0155 all:0.0132 which:0.0126 that:0.0096 these:0.0091 such:0.0078 -:0.6007 the:0.1585 a:0.1209 and:0.0492 of:0.0198 in:0.0154 that:0.0096 an:0.0092 this:0.0084 his:0.0082 -the:0.4971 :0.2740 his:0.0727 this:0.0402 their:0.0265 a:0.0220 our:0.0194 her:0.0190 its:0.0151 tho:0.0139 -the:0.2599 :0.5322 a:0.0430 this:0.0360 his:0.0283 their:0.0229 her:0.0214 our:0.0202 tho:0.0202 said:0.0160 -:0.5455 of:0.2150 in:0.0571 to:0.0388 on:0.0339 and:0.0284 for:0.0216 from:0.0206 by:0.0200 with:0.0192 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8935 and:0.0379 of:0.0189 or:0.0117 the:0.0110 is:0.0070 in:0.0058 day:0.0056 was:0.0044 that:0.0043 -of:0.3763 :0.3954 that:0.1030 and:0.0475 in:0.0249 the:0.0149 or:0.0129 for:0.0098 to:0.0081 is:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8187 of:0.0572 in:0.0330 to:0.0264 and:0.0250 the:0.0134 that:0.0072 a:0.0071 as:0.0063 for:0.0057 -:0.8606 be:0.0506 the:0.0205 do:0.0131 make:0.0112 take:0.0104 pay:0.0099 have:0.0080 get:0.0079 see:0.0077 -:0.7420 the:0.0915 a:0.0563 in:0.0238 and:0.0222 at:0.0195 of:0.0176 that:0.0117 tho:0.0077 an:0.0075 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6324 and:0.0882 is:0.0526 was:0.0515 are:0.0467 as:0.0379 were:0.0268 which:0.0248 he:0.0203 that:0.0189 -:0.9391 made:0.0122 and:0.0104 him:0.0071 provided:0.0069 out:0.0053 them:0.0050 secured:0.0047 that:0.0047 was:0.0045 -:0.9489 and:0.0093 feet:0.0078 went:0.0067 is:0.0052 right:0.0051 according:0.0048 able:0.0047 desire:0.0043 are:0.0031 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.9487 fact:0.0132 time:0.0108 said:0.0056 world:0.0041 course:0.0036 court:0.0036 use:0.0036 case:0.0035 end:0.0034 -the:0.0150 tho:0.0052 civil:0.0051 tlie:0.0034 our:0.0029 local:0.0026 tbe:0.0024 great:0.0020 a:0.0019 said:0.0018 -:0.5395 of:0.2886 and:0.0562 that:0.0332 the:0.0322 in:0.0157 which:0.0106 or:0.0094 to:0.0083 is:0.0063 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -of:0.2164 :0.4790 in:0.1116 to:0.0589 on:0.0353 and:0.0331 for:0.0191 from:0.0175 that:0.0168 at:0.0123 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.7845 men:0.0631 man:0.0600 lady:0.0252 and:0.0205 woman:0.0127 times:0.0122 people:0.0091 that:0.0066 of:0.0062 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.5931 of:0.1169 in:0.0823 on:0.0384 by:0.0375 for:0.0330 to:0.0279 and:0.0255 from:0.0230 with:0.0224 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.6828 is:0.1133 the:0.0495 are:0.0330 was:0.0326 will:0.0245 has:0.0204 he:0.0181 we:0.0138 it:0.0121 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7060 and:0.1046 as:0.0676 that:0.0544 but:0.0264 ago:0.0152 when:0.0092 time:0.0061 because:0.0056 which:0.0050 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.4972 :0.2756 any:0.0947 each:0.0479 some:0.0192 all:0.0182 his:0.0125 no:0.0119 tho:0.0114 a:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6831 of:0.1383 and:0.0450 in:0.0280 who:0.0234 are:0.0210 to:0.0190 have:0.0151 the:0.0151 were:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9250 men:0.0117 children:0.0113 people:0.0104 hands:0.0083 efforts:0.0081 cases:0.0067 eyes:0.0067 friends:0.0064 hearts:0.0055 -:0.5774 to:0.2067 we:0.0665 they:0.0434 and:0.0241 will:0.0205 would:0.0202 that:0.0146 you:0.0144 who:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7833 the:0.0729 and:0.0295 a:0.0276 this:0.0234 in:0.0213 that:0.0153 his:0.0102 of:0.0091 their:0.0073 -:0.8064 to:0.0374 and:0.0330 of:0.0244 was:0.0234 is:0.0216 the:0.0196 or:0.0127 are:0.0126 a:0.0089 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -the:0.4251 :0.3565 his:0.0699 a:0.0387 our:0.0318 their:0.0220 tho:0.0196 its:0.0139 her:0.0113 any:0.0112 -:0.9250 out:0.0183 and:0.0128 or:0.0078 one:0.0072 line:0.0069 side:0.0065 day:0.0053 because:0.0053 number:0.0049 -:0.6686 of:0.1522 and:0.0461 in:0.0325 the:0.0266 as:0.0219 that:0.0175 for:0.0118 it:0.0114 at:0.0112 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7433 to:0.1199 the:0.0333 for:0.0278 and:0.0162 at:0.0143 in:0.0141 by:0.0114 as:0.0103 on:0.0094 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6656 is:0.1315 and:0.0631 are:0.0546 was:0.0305 were:0.0142 has:0.0109 have:0.0102 as:0.0100 but:0.0094 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.6253 of:0.1502 and:0.0707 in:0.0390 the:0.0383 for:0.0196 to:0.0157 as:0.0152 on:0.0132 at:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9483 same:0.0129 past:0.0084 very:0.0064 present:0.0044 following:0.0042 first:0.0041 case:0.0040 highest:0.0038 time:0.0038 -:0.6767 of:0.1202 and:0.0505 the:0.0456 to:0.0274 or:0.0270 for:0.0167 in:0.0157 with:0.0108 a:0.0094 -:0.9578 and:0.0127 to:0.0062 in:0.0047 life:0.0034 time:0.0033 men:0.0033 line:0.0030 year:0.0029 hand:0.0025 -:0.9306 the:0.0252 all:0.0098 other:0.0069 to:0.0052 by:0.0051 for:0.0050 tho:0.0048 that:0.0037 at:0.0037 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8626 and:0.0361 of:0.0228 in:0.0189 the:0.0152 a:0.0104 for:0.0103 that:0.0097 or:0.0085 with:0.0055 -to:0.4642 :0.3763 that:0.0852 we:0.0196 you:0.0104 they:0.0100 not:0.0100 which:0.0097 and:0.0078 it:0.0067 -:0.8989 and:0.0255 man:0.0254 men:0.0125 time:0.0112 work:0.0083 country:0.0053 is:0.0047 times:0.0045 party:0.0038 -:0.8538 not:0.0421 a:0.0229 to:0.0185 in:0.0124 the:0.0122 that:0.0114 so:0.0096 one:0.0092 and:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9381 people:0.0155 same:0.0096 city:0.0064 world:0.0058 case:0.0057 land:0.0049 court:0.0048 work:0.0047 war:0.0045 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.7759 and:0.0523 of:0.0500 in:0.0316 to:0.0244 is:0.0180 was:0.0164 that:0.0120 as:0.0103 but:0.0092 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6531 the:0.2282 and:0.0402 of:0.0241 to:0.0110 tho:0.0102 his:0.0092 a:0.0085 an:0.0080 or:0.0076 -:0.6678 the:0.2078 and:0.0285 no:0.0249 of:0.0145 a:0.0133 his:0.0130 this:0.0124 tho:0.0094 our:0.0085 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9088 and:0.0200 it:0.0117 is:0.0101 of:0.0100 was:0.0095 came:0.0090 are:0.0076 went:0.0073 all:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6388 of:0.0728 for:0.0714 by:0.0508 in:0.0377 to:0.0350 as:0.0301 with:0.0247 and:0.0201 at:0.0186 -:0.8876 own:0.0444 old:0.0174 present:0.0097 great:0.0079 young:0.0072 first:0.0069 public:0.0069 entire:0.0063 other:0.0056 -:0.7257 will:0.0429 said:0.0376 would:0.0363 says:0.0356 could:0.0317 thought:0.0281 did:0.0236 should:0.0195 may:0.0191 -:0.7901 the:0.1061 of:0.0369 and:0.0228 a:0.0118 in:0.0091 by:0.0071 with:0.0058 from:0.0054 or:0.0051 -:0.6851 the:0.1105 to:0.0820 a:0.0332 and:0.0267 of:0.0230 his:0.0109 will:0.0103 that:0.0093 any:0.0090 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6351 as:0.1185 so:0.0918 and:0.0364 that:0.0280 is:0.0256 too:0.0207 was:0.0180 of:0.0140 how:0.0120 -:0.7935 favor:0.0664 order:0.0280 spite:0.0245 one:0.0232 all:0.0133 front:0.0129 some:0.0129 behalf:0.0127 any:0.0125 -:0.9213 him:0.0183 it:0.0143 them:0.0137 a:0.0074 up:0.0067 all:0.0054 me:0.0047 to:0.0041 home:0.0041 -:0.9620 city:0.0057 country:0.0056 world:0.0044 people:0.0044 time:0.0042 law:0.0036 same:0.0035 war:0.0035 land:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.7156 as:0.1022 and:0.0577 that:0.0447 but:0.0272 in:0.0159 of:0.0105 with:0.0093 for:0.0086 which:0.0084 -:0.7516 it:0.0555 which:0.0311 that:0.0300 as:0.0258 and:0.0234 we:0.0227 they:0.0227 he:0.0205 you:0.0167 -:0.7882 of:0.0566 and:0.0526 to:0.0274 who:0.0197 in:0.0167 was:0.0128 the:0.0088 is:0.0087 or:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7874 of:0.0531 and:0.0476 to:0.0471 as:0.0207 for:0.0174 that:0.0085 by:0.0067 in:0.0058 with:0.0056 -:0.9541 otherwise:0.0065 even:0.0061 not:0.0058 more:0.0057 interest:0.0052 less:0.0046 two:0.0046 and:0.0042 oclock:0.0032 -:0.8598 the:0.0646 of:0.0172 and:0.0122 a:0.0096 that:0.0095 as:0.0086 tho:0.0065 in:0.0064 he:0.0057 -:0.7456 of:0.0618 and:0.0609 in:0.0404 to:0.0215 the:0.0214 or:0.0152 was:0.0139 will:0.0103 for:0.0089 -:0.5601 he:0.1202 that:0.0979 they:0.0546 we:0.0470 it:0.0404 be:0.0271 have:0.0202 she:0.0191 and:0.0134 -:0.8122 and:0.0845 is:0.0372 but:0.0162 of:0.0118 was:0.0098 well:0.0081 just:0.0071 in:0.0068 to:0.0063 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.5828 of:0.2108 and:0.0747 to:0.0320 in:0.0273 or:0.0185 with:0.0156 the:0.0149 by:0.0123 for:0.0111 -:0.7718 been:0.0556 in:0.0335 not:0.0317 made:0.0313 no:0.0227 to:0.0193 for:0.0126 done:0.0111 become:0.0103 -:0.8113 the:0.0934 and:0.0280 his:0.0185 as:0.0104 he:0.0100 a:0.0084 other:0.0074 tho:0.0067 this:0.0058 -:0.9450 the:0.0152 a:0.0110 and:0.0107 of:0.0036 in:0.0036 for:0.0034 to:0.0026 time:0.0025 at:0.0024 -:0.9534 day:0.0070 year:0.0069 and:0.0068 time:0.0056 to:0.0048 two:0.0046 one:0.0039 days:0.0039 more:0.0032 -:0.8932 own:0.0509 usual:0.0102 wife:0.0073 first:0.0071 fathers:0.0068 public:0.0066 hand:0.0060 life:0.0059 old:0.0059 -:0.7602 to:0.0912 and:0.0865 be:0.0128 he:0.0121 was:0.0084 own:0.0077 are:0.0072 husband:0.0071 that:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6042 to:0.1002 the:0.0618 in:0.0548 that:0.0371 and:0.0292 out:0.0288 by:0.0286 a:0.0282 on:0.0271 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7505 the:0.1535 a:0.0247 and:0.0204 of:0.0156 tho:0.0091 this:0.0081 his:0.0075 an:0.0054 or:0.0052 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.8562 in:0.0574 by:0.0136 on:0.0124 that:0.0105 at:0.0105 to:0.0104 from:0.0104 with:0.0104 for:0.0081 -:0.9530 able:0.0099 as:0.0082 right:0.0050 it:0.0048 want:0.0044 went:0.0044 subject:0.0037 is:0.0036 began:0.0030 -:0.6554 the:0.2204 a:0.0339 this:0.0181 said:0.0165 tho:0.0121 no:0.0118 to:0.0113 an:0.0106 and:0.0100 -:0.8360 the:0.0668 be:0.0318 a:0.0139 his:0.0114 do:0.0112 say:0.0074 take:0.0073 have:0.0072 bo:0.0069 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -:0.8826 it:0.0278 have:0.0166 that:0.0139 which:0.0122 he:0.0111 a:0.0106 and:0.0105 this:0.0075 they:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5398 of:0.2474 and:0.0599 to:0.0316 for:0.0269 the:0.0216 is:0.0205 was:0.0190 in:0.0189 by:0.0144 -:0.8013 as:0.0884 of:0.0421 in:0.0164 that:0.0116 and:0.0108 a:0.0093 time:0.0084 on:0.0060 from:0.0057 -:0.8629 and:0.0343 is:0.0208 man:0.0182 time:0.0149 was:0.0146 of:0.0124 are:0.0082 way:0.0075 men:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9783 years:0.0035 time:0.0032 in:0.0025 more:0.0024 and:0.0023 it:0.0021 left:0.0020 days:0.0019 made:0.0017 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9056 ready:0.0159 not:0.0159 now:0.0152 made:0.0100 used:0.0081 necessary:0.0079 paid:0.0076 responsible:0.0070 true:0.0067 -will:0.2279 :0.4320 to:0.0755 may:0.0723 can:0.0604 must:0.0344 would:0.0336 should:0.0222 that:0.0216 shall:0.0200 -:0.8196 the:0.0554 and:0.0330 a:0.0259 it:0.0167 that:0.0122 in:0.0106 to:0.0095 this:0.0089 of:0.0082 -:0.7329 the:0.1158 of:0.0575 and:0.0210 a:0.0182 all:0.0141 to:0.0130 or:0.0119 no:0.0079 tho:0.0077 -:0.6316 to:0.1599 of:0.0808 and:0.0580 that:0.0174 for:0.0126 which:0.0122 or:0.0106 will:0.0101 in:0.0068 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6222 the:0.1728 a:0.0733 no:0.0471 in:0.0225 of:0.0169 his:0.0143 an:0.0121 to:0.0096 not:0.0090 -:0.8630 the:0.0620 her:0.0131 these:0.0120 them:0.0107 said:0.0097 tho:0.0085 this:0.0073 a:0.0071 his:0.0066 -:0.9106 line:0.0357 amount:0.0102 day:0.0080 and:0.0066 side:0.0065 number:0.0060 end:0.0057 part:0.0054 office:0.0053 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.6418 of:0.1440 and:0.0547 to:0.0456 the:0.0381 a:0.0266 in:0.0140 that:0.0127 was:0.0118 on:0.0106 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -those:0.0048 sale:0.0028 a:0.0027 these:0.0023 the:0.0022 trust:0.0016 incorporation:0.0015 bis:0.0015 said:0.0014 mortgages:0.0013 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.7660 to:0.0613 of:0.0295 for:0.0282 and:0.0262 at:0.0252 in:0.0209 by:0.0169 that:0.0131 on:0.0126 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6941 to:0.1202 we:0.0463 not:0.0372 you:0.0249 and:0.0241 they:0.0162 who:0.0149 will:0.0138 he:0.0082 -:0.6521 a:0.1915 of:0.0509 the:0.0335 to:0.0152 and:0.0143 in:0.0127 per:0.0124 any:0.0091 all:0.0083 -:0.9412 and:0.0245 to:0.0070 was:0.0065 of:0.0061 is:0.0040 all:0.0028 people:0.0027 will:0.0027 or:0.0026 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -of:0.6348 for:0.0546 :0.1733 to:0.0419 in:0.0273 and:0.0180 on:0.0143 that:0.0133 with:0.0118 from:0.0107 -:0.7054 the:0.1311 a:0.0629 to:0.0192 that:0.0188 it:0.0163 he:0.0144 by:0.0131 in:0.0109 tho:0.0078 -of:0.2819 :0.5192 in:0.0552 for:0.0341 on:0.0245 that:0.0243 and:0.0202 with:0.0148 at:0.0136 to:0.0123 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7145 the:0.0856 a:0.0763 of:0.0493 and:0.0204 with:0.0138 by:0.0119 no:0.0110 for:0.0093 in:0.0081 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.8833 the:0.0510 and:0.0132 a:0.0122 of:0.0085 this:0.0080 his:0.0072 he:0.0066 said:0.0051 it:0.0047 -past:0.0161 entire:0.0101 most:0.0099 upper:0.0094 various:0.0092 whole:0.0079 following:0.0075 final:0.0062 same:0.0060 other:0.0059 -:0.9475 time:0.0119 point:0.0059 change:0.0059 man:0.0055 day:0.0053 moment:0.0051 year:0.0045 matter:0.0042 fact:0.0041 -:0.6047 the:0.1351 to:0.0991 and:0.0503 of:0.0440 in:0.0214 a:0.0174 for:0.0115 their:0.0083 his:0.0082 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.7077 the:0.1212 of:0.0495 and:0.0341 a:0.0232 was:0.0187 or:0.0125 as:0.0113 for:0.0110 is:0.0108 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -in:0.3513 :0.4599 of:0.0700 and:0.0448 for:0.0167 by:0.0147 are:0.0128 the:0.0109 was:0.0099 a:0.0090 -:0.7246 have:0.0692 to:0.0471 as:0.0340 in:0.0326 are:0.0226 and:0.0215 with:0.0197 by:0.0154 had:0.0134 -the:0.3383 :0.5001 a:0.0359 of:0.0274 and:0.0229 his:0.0203 an:0.0197 tho:0.0163 in:0.0096 our:0.0095 -:0.9475 in:0.0117 and:0.0089 of:0.0085 who:0.0076 to:0.0040 are:0.0037 were:0.0028 on:0.0027 will:0.0024 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6860 the:0.1678 in:0.0327 of:0.0237 a:0.0234 with:0.0154 to:0.0152 and:0.0123 tho:0.0119 said:0.0116 -:0.7946 the:0.1186 a:0.0286 his:0.0103 in:0.0096 one:0.0091 this:0.0079 said:0.0078 our:0.0070 all:0.0065 -:0.4508 will:0.1429 are:0.1073 may:0.0618 should:0.0575 can:0.0509 were:0.0375 could:0.0340 would:0.0331 must:0.0241 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.1080 :0.6949 to:0.0603 and:0.0344 in:0.0235 for:0.0211 the:0.0185 that:0.0152 from:0.0133 by:0.0109 -:0.4473 of:0.1080 for:0.0796 on:0.0772 at:0.0719 to:0.0595 in:0.0523 by:0.0480 and:0.0296 with:0.0265 -:0.6384 not:0.1589 be:0.1219 have:0.0228 bo:0.0130 he:0.0109 the:0.0106 do:0.0099 get:0.0071 see:0.0065 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.9340 of:0.0220 and:0.0209 in:0.0046 to:0.0035 the:0.0033 city:0.0032 or:0.0030 as:0.0029 time:0.0026 -:0.5683 the:0.2093 a:0.0548 of:0.0416 to:0.0355 this:0.0338 and:0.0240 in:0.0139 tho:0.0097 said:0.0091 -:0.7890 a:0.0514 to:0.0501 the:0.0460 and:0.0204 of:0.0108 will:0.0104 in:0.0091 that:0.0073 this:0.0055 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8245 to:0.0527 and:0.0305 in:0.0214 a:0.0193 for:0.0116 the:0.0108 at:0.0102 that:0.0102 of:0.0090 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -:0.9003 think:0.0182 want:0.0154 know:0.0122 knew:0.0101 had:0.0095 heard:0.0090 need:0.0089 spoke:0.0084 was:0.0080 -:0.8560 and:0.0617 of:0.0216 was:0.0119 the:0.0112 is:0.0111 to:0.0089 a:0.0079 in:0.0060 for:0.0037 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.4222 they:0.1339 he:0.1290 it:0.1205 we:0.0772 you:0.0402 she:0.0254 there:0.0237 ho:0.0159 that:0.0121 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8255 the:0.0524 of:0.0390 a:0.0353 and:0.0157 that:0.0080 to:0.0069 for:0.0063 in:0.0056 his:0.0053 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7608 and:0.0756 that:0.0586 which:0.0368 but:0.0171 was:0.0138 or:0.0106 it:0.0094 is:0.0093 of:0.0079 -:0.9525 same:0.0099 world:0.0080 time:0.0054 people:0.0046 city:0.0043 public:0.0041 law:0.0038 land:0.0037 country:0.0036 -a:0.1190 the:0.0709 their:0.0184 his:0.0180 he:0.0176 its:0.0157 an:0.0131 they:0.0101 tho:0.0092 it:0.0091 -:0.8210 of:0.0746 and:0.0409 in:0.0161 to:0.0145 is:0.0070 for:0.0070 or:0.0069 at:0.0067 he:0.0054 -of:0.6463 in:0.0896 :0.1558 at:0.0206 and:0.0196 for:0.0194 on:0.0187 by:0.0112 from:0.0102 with:0.0085 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9117 and:0.0258 of:0.0159 the:0.0110 was:0.0071 it:0.0063 at:0.0063 be:0.0062 is:0.0049 or:0.0046 -to:0.4156 will:0.1465 :0.2310 shall:0.0490 can:0.0451 should:0.0320 may:0.0293 would:0.0199 and:0.0185 must:0.0131 -:0.9405 man:0.0136 matter:0.0107 year:0.0078 law:0.0067 bill:0.0047 statement:0.0042 thing:0.0040 question:0.0040 word:0.0039 -has:0.4399 had:0.4370 :0.0644 have:0.0218 lias:0.0121 bad:0.0062 baa:0.0055 was:0.0047 having:0.0047 haa:0.0037 -:0.8642 and:0.0761 that:0.0136 but:0.0109 is:0.0081 or:0.0068 was:0.0056 as:0.0054 which:0.0049 time:0.0044 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.1360 :0.6461 to:0.0372 in:0.0366 are:0.0362 have:0.0284 and:0.0250 who:0.0230 were:0.0181 on:0.0133 -:0.7509 to:0.0584 the:0.0561 of:0.0419 a:0.0285 for:0.0156 and:0.0150 in:0.0143 that:0.0099 with:0.0093 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.5378 to:0.3116 and:0.0364 of:0.0299 the:0.0225 by:0.0190 in:0.0148 from:0.0106 for:0.0099 or:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8688 and:0.0312 went:0.0299 came:0.0158 laid:0.0129 it:0.0115 was:0.0097 put:0.0081 are:0.0061 is:0.0060 -:0.6208 the:0.2663 of:0.0371 a:0.0183 and:0.0148 tho:0.0127 our:0.0110 his:0.0067 to:0.0065 this:0.0059 -:0.8648 the:0.0764 and:0.0162 a:0.0098 it:0.0066 this:0.0065 tho:0.0054 his:0.0054 he:0.0045 that:0.0044 -of:0.5902 :0.2130 to:0.0373 in:0.0358 and:0.0276 that:0.0265 for:0.0255 on:0.0202 ot:0.0137 from:0.0102 -:0.6288 to:0.1563 of:0.0641 will:0.0381 and:0.0373 in:0.0206 the:0.0197 can:0.0139 would:0.0129 may:0.0084 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -the:0.3270 :0.4137 we:0.0552 this:0.0519 you:0.0372 they:0.0294 any:0.0264 he:0.0242 not:0.0198 it:0.0152 -:0.8430 time:0.0624 and:0.0312 as:0.0165 is:0.0104 of:0.0101 day:0.0075 to:0.0075 way:0.0061 in:0.0054 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7167 or:0.0568 and:0.0497 of:0.0495 for:0.0381 the:0.0294 in:0.0214 with:0.0171 about:0.0127 than:0.0087 -:0.8890 and:0.0418 the:0.0238 a:0.0176 of:0.0074 that:0.0056 or:0.0042 this:0.0038 was:0.0035 in:0.0032 -:0.9423 and:0.0157 time:0.0130 of:0.0089 way:0.0047 day:0.0035 as:0.0034 year:0.0032 office:0.0030 country:0.0024 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8762 known:0.0201 it:0.0168 just:0.0151 far:0.0140 soon:0.0130 and:0.0127 well:0.0122 so:0.0103 is:0.0096 -:0.6389 and:0.1170 were:0.0466 are:0.0433 was:0.0421 have:0.0307 is:0.0257 but:0.0190 or:0.0186 do:0.0180 -:0.6045 of:0.1444 and:0.0918 the:0.0395 in:0.0285 to:0.0281 for:0.0226 at:0.0142 or:0.0135 from:0.0129 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8686 the:0.0487 and:0.0213 of:0.0190 in:0.0101 a:0.0093 to:0.0071 or:0.0059 that:0.0054 it:0.0047 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.8648 be:0.0449 him:0.0141 look:0.0124 them:0.0123 do:0.0122 sell:0.0106 appear:0.0100 come:0.0095 go:0.0091 -:0.5528 the:0.2567 and:0.0628 a:0.0479 of:0.0369 that:0.0106 tho:0.0104 his:0.0086 or:0.0072 to:0.0060 -:0.7866 and:0.1170 of:0.0448 or:0.0120 in:0.0091 are:0.0078 for:0.0075 with:0.0064 is:0.0045 were:0.0042 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.7117 be:0.0971 and:0.0583 he:0.0288 have:0.0248 was:0.0241 is:0.0155 are:0.0152 has:0.0137 were:0.0108 -:0.8106 that:0.0386 the:0.0351 which:0.0271 in:0.0250 him:0.0163 us:0.0145 them:0.0122 by:0.0111 on:0.0095 -:0.6543 as:0.0695 is:0.0556 and:0.0405 that:0.0391 if:0.0385 when:0.0328 was:0.0249 will:0.0231 but:0.0215 -:0.7085 the:0.1558 a:0.0405 of:0.0194 and:0.0167 be:0.0164 was:0.0152 is:0.0130 this:0.0073 are:0.0072 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.7307 the:0.0888 and:0.0554 a:0.0488 of:0.0205 to:0.0155 is:0.0119 or:0.0106 his:0.0095 in:0.0083 -:0.7023 the:0.1035 a:0.0546 and:0.0427 as:0.0269 of:0.0195 is:0.0166 was:0.0164 in:0.0104 that:0.0073 -:0.7927 two:0.0470 the:0.0459 other:0.0236 three:0.0209 any:0.0185 a:0.0140 more:0.0135 in:0.0123 four:0.0116 -:0.9361 world:0.0105 city:0.0079 law:0.0078 government:0.0066 bill:0.0064 case:0.0064 result:0.0061 same:0.0061 land:0.0061 -:0.7818 the:0.0613 a:0.0552 to:0.0257 in:0.0210 be:0.0187 that:0.0106 an:0.0091 and:0.0084 by:0.0082 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6667 be:0.0991 is:0.0424 was:0.0378 he:0.0368 as:0.0329 are:0.0299 and:0.0193 they:0.0178 we:0.0174 -the:0.3429 :0.4085 a:0.0704 his:0.0408 to:0.0318 their:0.0315 by:0.0196 and:0.0188 an:0.0184 its:0.0171 -:0.8961 and:0.0403 in:0.0181 fact:0.0100 of:0.0070 at:0.0066 know:0.0064 is:0.0055 but:0.0053 said:0.0047 -:0.8492 and:0.0360 as:0.0229 are:0.0225 have:0.0157 is:0.0154 of:0.0134 had:0.0089 but:0.0087 was:0.0074 -:0.8374 been:0.0322 complied:0.0229 done:0.0207 met:0.0186 filled:0.0170 served:0.0154 lived:0.0130 seen:0.0124 made:0.0104 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.6822 said:0.0862 would:0.0592 will:0.0489 could:0.0246 had:0.0244 can:0.0214 the:0.0203 was:0.0167 to:0.0161 -:0.8784 and:0.0417 of:0.0141 as:0.0132 at:0.0116 to:0.0109 the:0.0098 is:0.0070 it:0.0066 that:0.0066 -:0.5977 he:0.1896 we:0.0361 the:0.0334 they:0.0334 it:0.0319 she:0.0307 is:0.0242 was:0.0142 ho:0.0087 -a:0.4250 :0.4036 to:0.0493 the:0.0367 one:0.0241 that:0.0155 in:0.0140 some:0.0111 this:0.0104 all:0.0102 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7387 the:0.0635 to:0.0459 a:0.0383 and:0.0349 of:0.0235 in:0.0183 that:0.0143 from:0.0125 as:0.0100 -:0.8039 and:0.0731 of:0.0437 is:0.0183 was:0.0152 to:0.0110 are:0.0103 as:0.0092 in:0.0082 he:0.0070 -:0.8283 or:0.0612 and:0.0289 days:0.0183 years:0.0166 of:0.0130 weeks:0.0111 men:0.0076 hours:0.0076 months:0.0074 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.7096 the:0.1091 he:0.0378 a:0.0365 is:0.0357 they:0.0195 was:0.0186 it:0.0145 we:0.0124 tho:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7834 was:0.0601 had:0.0484 has:0.0295 said:0.0288 is:0.0156 the:0.0128 would:0.0087 a:0.0069 will:0.0058 -:0.6972 of:0.1025 the:0.1021 and:0.0423 in:0.0284 his:0.0072 to:0.0054 by:0.0051 this:0.0049 tho:0.0048 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -the:0.3095 :0.5248 a:0.0368 which:0.0208 his:0.0204 tho:0.0202 him:0.0175 them:0.0172 this:0.0166 it:0.0161 -:0.9537 interest:0.0066 same:0.0063 city:0.0053 country:0.0052 work:0.0048 people:0.0048 time:0.0047 right:0.0044 world:0.0042 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6172 the:0.1634 of:0.0507 and:0.0497 a:0.0408 his:0.0228 to:0.0167 in:0.0152 for:0.0126 tho:0.0109 -are:0.0100 and:0.0095 was:0.0078 is:0.0075 :0.9443 but:0.0053 were:0.0046 has:0.0042 will:0.0034 if:0.0033 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6812 of:0.1289 the:0.0492 and:0.0374 in:0.0297 for:0.0184 by:0.0165 a:0.0151 to:0.0123 at:0.0113 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7443 the:0.0711 a:0.0548 such:0.0267 of:0.0259 in:0.0215 and:0.0174 that:0.0154 this:0.0118 it:0.0112 -:0.5613 of:0.2156 in:0.0637 to:0.0490 for:0.0312 and:0.0240 on:0.0216 that:0.0151 at:0.0095 or:0.0091 -:0.6959 be:0.0536 is:0.0478 well:0.0435 not:0.0419 was:0.0280 so:0.0275 and:0.0237 have:0.0224 it:0.0156 -:0.8904 and:0.0269 the:0.0252 to:0.0133 a:0.0131 of:0.0120 or:0.0062 for:0.0054 two:0.0037 three:0.0037 -:0.9225 and:0.0132 the:0.0113 that:0.0096 it:0.0085 to:0.0079 of:0.0079 he:0.0077 a:0.0067 one:0.0047 -:0.9238 right:0.0153 subject:0.0105 same:0.0097 time:0.0081 power:0.0077 people:0.0067 way:0.0064 order:0.0061 bill:0.0054 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8094 the:0.0939 and:0.0181 of:0.0168 in:0.0165 a:0.0163 by:0.0086 his:0.0079 at:0.0065 tho:0.0061 -:0.6898 of:0.0853 and:0.0568 the:0.0530 to:0.0333 a:0.0284 that:0.0159 it:0.0136 in:0.0131 or:0.0108 -:0.9100 one:0.0278 out:0.0148 that:0.0147 some:0.0084 all:0.0077 any:0.0064 part:0.0041 many:0.0036 those:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.8223 that:0.0427 the:0.0387 a:0.0274 in:0.0174 to:0.0161 by:0.0118 as:0.0085 it:0.0078 and:0.0072 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7728 be:0.0466 he:0.0441 have:0.0345 was:0.0253 has:0.0233 had:0.0167 they:0.0128 is:0.0123 and:0.0115 -of:0.3775 :0.4808 and:0.0542 in:0.0293 for:0.0125 that:0.0122 to:0.0104 or:0.0083 at:0.0076 is:0.0070 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.9434 put:0.0104 it:0.0098 then:0.0088 that:0.0056 went:0.0051 placed:0.0048 recorded:0.0041 was:0.0040 carried:0.0040 -:0.8838 and:0.0343 of:0.0267 in:0.0225 was:0.0081 is:0.0053 it:0.0052 the:0.0052 to:0.0051 that:0.0039 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6960 the:0.1398 a:0.0410 tho:0.0203 no:0.0192 any:0.0186 other:0.0178 two:0.0170 this:0.0166 more:0.0138 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7671 and:0.0653 which:0.0418 they:0.0410 we:0.0277 who:0.0184 there:0.0121 but:0.0097 men:0.0089 that:0.0081 -:0.5765 the:0.2150 a:0.0857 of:0.0383 and:0.0209 in:0.0159 his:0.0157 that:0.0131 one:0.0097 tho:0.0093 -:0.8334 he:0.0334 time:0.0303 they:0.0211 it:0.0191 is:0.0169 day:0.0123 and:0.0120 we:0.0113 there:0.0102 -:0.9351 to:0.0120 and:0.0115 the:0.0110 of:0.0071 or:0.0051 more:0.0049 at:0.0046 a:0.0043 it:0.0043 -the:0.3714 :0.4818 a:0.0469 his:0.0217 tho:0.0214 this:0.0136 their:0.0128 these:0.0114 said:0.0096 our:0.0094 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7233 and:0.1600 in:0.0255 to:0.0214 of:0.0152 is:0.0143 was:0.0142 are:0.0092 but:0.0087 for:0.0080 -:0.6857 of:0.1443 and:0.0531 in:0.0312 the:0.0208 to:0.0141 for:0.0140 or:0.0129 is:0.0125 at:0.0113 -:0.6803 to:0.1525 and:0.0724 will:0.0192 we:0.0162 would:0.0137 that:0.0123 they:0.0115 who:0.0115 of:0.0104 -:0.8662 was:0.0450 held:0.0149 is:0.0145 arrived:0.0129 made:0.0127 had:0.0121 used:0.0074 looked:0.0072 and:0.0070 -and:0.2333 :0.5362 but:0.0486 is:0.0443 of:0.0429 or:0.0319 was:0.0307 are:0.0137 were:0.0098 than:0.0086 -:0.9284 one:0.0175 sale:0.0100 all:0.0087 thousands:0.0085 any:0.0076 those:0.0057 each:0.0048 some:0.0046 section:0.0041 -:0.9378 own:0.0189 people:0.0115 county:0.0068 men:0.0054 property:0.0045 whole:0.0040 government:0.0039 children:0.0038 business:0.0034 -:0.8721 the:0.0428 and:0.0204 a:0.0185 to:0.0093 of:0.0086 in:0.0085 he:0.0078 one:0.0065 is:0.0054 -the:0.3612 :0.4699 a:0.0562 tho:0.0259 his:0.0217 said:0.0177 their:0.0132 this:0.0129 its:0.0113 our:0.0101 -:0.8267 the:0.0915 a:0.0171 and:0.0158 to:0.0104 that:0.0093 in:0.0088 of:0.0082 for:0.0061 by:0.0061 -:0.8335 the:0.0401 and:0.0295 of:0.0251 to:0.0228 a:0.0134 is:0.0118 was:0.0102 have:0.0070 are:0.0066 -:0.7913 the:0.0881 so:0.0323 a:0.0274 and:0.0163 no:0.0106 or:0.0096 this:0.0090 be:0.0079 his:0.0076 -he:0.3537 :0.2578 they:0.1219 we:0.0819 she:0.0637 it:0.0460 you:0.0321 there:0.0182 ho:0.0162 not:0.0086 -:0.7450 the:0.1108 a:0.0326 not:0.0235 an:0.0190 in:0.0151 very:0.0151 of:0.0143 no:0.0141 at:0.0105 -:0.7818 the:0.0613 a:0.0552 to:0.0257 in:0.0210 be:0.0187 that:0.0106 an:0.0091 and:0.0084 by:0.0082 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8215 to:0.0403 and:0.0301 the:0.0219 in:0.0207 that:0.0201 of:0.0171 as:0.0107 a:0.0092 for:0.0084 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7689 and:0.1011 the:0.0256 of:0.0230 a:0.0159 in:0.0157 is:0.0142 to:0.0141 or:0.0109 for:0.0104 -:0.9117 and:0.0258 of:0.0159 the:0.0110 was:0.0071 it:0.0063 at:0.0063 be:0.0062 is:0.0049 or:0.0046 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8393 average:0.0389 early:0.0242 three:0.0234 many:0.0203 two:0.0131 ten:0.0120 hour:0.0100 acre:0.0098 four:0.0091 -:0.6329 the:0.1751 a:0.0713 and:0.0506 is:0.0152 was:0.0129 of:0.0128 an:0.0115 as:0.0090 or:0.0088 -:0.9215 and:0.0148 called:0.0134 made:0.0096 passed:0.0088 put:0.0072 but:0.0070 was:0.0067 levied:0.0055 brought:0.0054 -:0.6316 of:0.1072 with:0.0520 for:0.0481 to:0.0457 upon:0.0327 on:0.0257 in:0.0245 and:0.0176 told:0.0150 -:0.5781 to:0.1991 the:0.0698 a:0.0314 in:0.0313 by:0.0302 and:0.0261 for:0.0124 with:0.0111 that:0.0105 -:0.5156 will:0.1536 to:0.1021 may:0.0500 can:0.0490 should:0.0344 shall:0.0280 must:0.0269 would:0.0260 could:0.0144 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.7060 the:0.1345 to:0.0591 a:0.0218 no:0.0159 will:0.0144 and:0.0143 his:0.0139 tho:0.0104 would:0.0097 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -the:0.4480 :0.4434 and:0.0224 of:0.0193 a:0.0181 tho:0.0165 his:0.0111 said:0.0084 this:0.0069 to:0.0059 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.5421 of:0.2096 the:0.0852 and:0.0381 to:0.0293 in:0.0272 a:0.0213 by:0.0187 that:0.0156 with:0.0128 -of:0.2842 in:0.1214 for:0.1182 :0.2635 on:0.0517 by:0.0452 to:0.0359 at:0.0294 and:0.0272 that:0.0233 -:0.8784 one:0.0248 heard:0.0223 made:0.0205 disposed:0.0129 out:0.0105 some:0.0089 composed:0.0083 plenty:0.0079 much:0.0056 -:0.8565 in:0.0319 and:0.0296 to:0.0249 that:0.0119 by:0.0103 of:0.0097 the:0.0092 with:0.0083 on:0.0077 -:0.8511 and:0.0652 or:0.0190 in:0.0111 made:0.0109 up:0.0103 out:0.0095 but:0.0087 owned:0.0072 for:0.0069 -:0.7688 year:0.0708 night:0.0597 week:0.0425 time:0.0212 subject:0.0108 is:0.0084 able:0.0065 day:0.0062 evening:0.0053 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6827 the:0.1794 a:0.0421 his:0.0227 an:0.0190 their:0.0136 this:0.0117 and:0.0112 tho:0.0096 of:0.0081 -:0.6835 and:0.0966 of:0.0851 the:0.0385 in:0.0261 to:0.0248 which:0.0131 that:0.0117 as:0.0109 from:0.0098 -:0.9147 hour:0.0377 old:0.0103 act:0.0069 and:0.0065 inch:0.0053 increase:0.0050 as:0.0046 or:0.0046 opportunity:0.0044 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.1295 a:0.0756 :0.6624 his:0.0284 this:0.0214 tho:0.0183 our:0.0181 its:0.0163 their:0.0150 her:0.0149 -:0.6817 the:0.1905 and:0.0329 of:0.0265 a:0.0260 said:0.0142 that:0.0077 to:0.0070 this:0.0069 tho:0.0065 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -to:0.6075 :0.2424 by:0.0501 the:0.0332 a:0.0169 that:0.0160 for:0.0125 and:0.0092 in:0.0062 of:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7543 as:0.0947 and:0.0366 to:0.0350 in:0.0301 the:0.0150 for:0.0123 that:0.0086 of:0.0073 but:0.0062 -:0.7060 the:0.0672 to:0.0516 and:0.0513 by:0.0251 from:0.0248 of:0.0224 for:0.0202 in:0.0165 a:0.0148 -the:0.3492 :0.5402 a:0.0297 tho:0.0147 this:0.0144 his:0.0125 tbe:0.0111 their:0.0099 her:0.0096 an:0.0087 -the:0.4881 :0.3317 a:0.0463 tho:0.0420 his:0.0274 our:0.0175 their:0.0147 this:0.0138 its:0.0105 tbe:0.0080 -:0.8698 able:0.0330 not:0.0192 going:0.0137 made:0.0126 ready:0.0120 unable:0.0103 sent:0.0102 due:0.0097 compelled:0.0097 -:0.7732 went:0.1039 had:0.0198 was:0.0188 came:0.0172 got:0.0169 brought:0.0137 entered:0.0133 put:0.0122 fell:0.0111 -:0.5982 to:0.1407 and:0.0871 he:0.0354 be:0.0326 been:0.0270 was:0.0262 it:0.0220 is:0.0168 she:0.0141 -:0.8911 and:0.0248 well:0.0187 just:0.0127 so:0.0125 known:0.0099 such:0.0089 described:0.0080 far:0.0070 but:0.0065 -of:0.3490 in:0.0848 to:0.0752 :0.2703 and:0.0490 for:0.0435 by:0.0379 on:0.0341 from:0.0298 with:0.0264 -the:0.3556 his:0.0540 tho:0.0375 our:0.0290 a:0.0285 :0.4168 their:0.0252 this:0.0229 such:0.0160 an:0.0145 -:0.6080 years:0.0823 miles:0.0768 weeks:0.0523 or:0.0500 days:0.0410 hundred:0.0286 months:0.0252 thousand:0.0213 times:0.0146 -:0.5995 a:0.1506 of:0.0779 the:0.0461 and:0.0332 in:0.0324 is:0.0207 as:0.0138 for:0.0135 was:0.0123 -:0.9498 and:0.0174 of:0.0068 the:0.0067 time:0.0041 day:0.0034 county:0.0033 in:0.0031 or:0.0027 that:0.0026 -:0.4704 of:0.3001 in:0.0970 and:0.0301 for:0.0262 on:0.0228 to:0.0195 at:0.0152 from:0.0101 but:0.0085 -not:0.2239 :0.4931 the:0.1315 a:0.0368 this:0.0330 their:0.0214 no:0.0193 so:0.0144 his:0.0142 he:0.0125 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7405 not:0.0657 the:0.0555 is:0.0359 and:0.0351 was:0.0252 of:0.0135 that:0.0101 had:0.0098 has:0.0086 -:0.6875 that:0.0896 and:0.0527 of:0.0392 but:0.0355 as:0.0245 which:0.0199 if:0.0187 in:0.0162 where:0.0161 -:0.9589 more:0.0098 it:0.0083 one:0.0045 two:0.0043 and:0.0038 he:0.0029 to:0.0027 with:0.0025 that:0.0023 -:0.7723 of:0.0636 the:0.0530 and:0.0232 in:0.0195 that:0.0184 it:0.0148 a:0.0131 to:0.0120 on:0.0102 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6308 the:0.1337 of:0.0631 a:0.0580 and:0.0376 is:0.0223 was:0.0147 or:0.0134 that:0.0134 at:0.0128 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8819 should:0.0223 will:0.0162 would:0.0155 of:0.0133 and:0.0124 the:0.0107 to:0.0101 we:0.0096 may:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6860 the:0.1094 a:0.0890 and:0.0251 it:0.0193 of:0.0186 tho:0.0164 that:0.0122 his:0.0121 this:0.0118 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.9092 own:0.0374 old:0.0093 the:0.0072 great:0.0071 most:0.0065 a:0.0065 other:0.0064 new:0.0054 young:0.0051 -:0.7955 of:0.0699 and:0.0544 in:0.0150 that:0.0129 for:0.0116 was:0.0113 with:0.0106 on:0.0097 is:0.0090 -the:0.3618 :0.5083 a:0.0407 his:0.0235 tho:0.0163 and:0.0132 our:0.0121 its:0.0082 that:0.0082 of:0.0078 -to:0.4310 :0.3856 not:0.0359 in:0.0239 and:0.0234 be:0.0231 by:0.0214 the:0.0205 for:0.0202 been:0.0150 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -have:0.2549 has:0.2416 had:0.1606 are:0.0485 :0.1900 is:0.0343 was:0.0339 were:0.0260 be:0.0054 havo:0.0048 -:0.8215 the:0.0458 all:0.0345 once:0.0241 his:0.0197 least:0.0151 three:0.0108 any:0.0103 two:0.0092 oclock:0.0089 -:0.5421 of:0.2898 to:0.0429 and:0.0386 for:0.0226 by:0.0173 the:0.0159 in:0.0125 or:0.0100 with:0.0083 -be:0.4048 :0.4455 the:0.0514 have:0.0371 bo:0.0254 not:0.0143 a:0.0077 take:0.0053 by:0.0046 with:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6884 to:0.0944 and:0.0654 of:0.0375 will:0.0268 in:0.0258 that:0.0166 is:0.0166 from:0.0148 a:0.0137 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -to:0.3717 :0.4633 and:0.0548 will:0.0277 would:0.0237 we:0.0222 can:0.0108 could:0.0091 they:0.0086 not:0.0082 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7282 that:0.0655 and:0.0617 as:0.0356 which:0.0355 but:0.0229 if:0.0179 when:0.0160 what:0.0089 where:0.0079 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.7307 of:0.0902 and:0.0576 the:0.0446 in:0.0170 that:0.0167 to:0.0158 as:0.0100 for:0.0093 a:0.0082 -:0.8030 the:0.0695 a:0.0571 of:0.0187 in:0.0104 his:0.0097 and:0.0087 two:0.0081 to:0.0076 any:0.0072 -:0.4547 in:0.1413 to:0.0986 by:0.0610 of:0.0551 on:0.0523 from:0.0404 with:0.0370 that:0.0304 at:0.0293 -a:0.2574 :0.4302 the:0.2261 his:0.0196 such:0.0154 tho:0.0118 their:0.0108 this:0.0107 its:0.0096 our:0.0085 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8972 able:0.0250 made:0.0169 allowed:0.0126 used:0.0092 as:0.0091 required:0.0086 found:0.0075 necessary:0.0069 applied:0.0068 -is:0.4224 was:0.1562 :0.3132 and:0.0271 has:0.0208 be:0.0159 will:0.0157 would:0.0123 may:0.0082 had:0.0081 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8397 and:0.0522 away:0.0201 or:0.0183 of:0.0153 out:0.0128 in:0.0118 years:0.0110 him:0.0094 them:0.0094 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9289 own:0.0220 wife:0.0082 great:0.0064 hands:0.0062 home:0.0060 family:0.0057 father:0.0057 first:0.0056 life:0.0053 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7993 and:0.0536 of:0.0440 to:0.0292 is:0.0171 in:0.0144 are:0.0133 that:0.0099 from:0.0099 he:0.0093 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.9023 city:0.0227 time:0.0147 country:0.0120 is:0.0097 way:0.0092 county:0.0080 the:0.0078 morning:0.0077 year:0.0058 -:0.5747 a:0.1725 of:0.0982 the:0.0747 and:0.0288 in:0.0132 his:0.0114 with:0.0105 by:0.0087 that:0.0074 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7459 and:0.1338 to:0.0286 in:0.0237 of:0.0154 but:0.0153 from:0.0148 at:0.0093 is:0.0072 on:0.0060 -will:0.3237 may:0.1395 should:0.0937 would:0.0877 can:0.0828 must:0.0544 shall:0.0512 could:0.0503 :0.0907 cannot:0.0261 -:0.8591 the:0.0392 and:0.0245 of:0.0207 this:0.0138 a:0.0128 that:0.0102 in:0.0083 he:0.0064 on:0.0051 -the:0.8768 :0.0535 tho:0.0224 a:0.0115 his:0.0110 this:0.0061 tbe:0.0059 its:0.0048 their:0.0046 our:0.0035 -:0.8905 whole:0.0260 other:0.0150 great:0.0121 same:0.0104 various:0.0098 first:0.0092 young:0.0091 said:0.0091 local:0.0088 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.1963 :0.4222 will:0.1110 and:0.0801 would:0.0507 who:0.0394 of:0.0287 should:0.0264 can:0.0243 shall:0.0209 -:0.6781 the:0.1527 a:0.0626 his:0.0233 her:0.0218 it:0.0199 him:0.0120 all:0.0113 their:0.0096 them:0.0086 -:0.9121 and:0.0309 of:0.0202 to:0.0076 as:0.0067 year:0.0064 in:0.0049 or:0.0043 day:0.0036 man:0.0034 -:0.8200 to:0.0462 made:0.0365 seen:0.0246 found:0.0155 given:0.0137 passed:0.0135 put:0.0106 told:0.0102 not:0.0092 -:0.8770 be:0.0446 work:0.0118 come:0.0116 appear:0.0111 him:0.0098 go:0.0096 put:0.0088 live:0.0082 do:0.0076 -:0.9309 the:0.0182 a:0.0149 one:0.0095 no:0.0054 every:0.0049 be:0.0043 six:0.0042 two:0.0039 some:0.0039 -:0.8469 and:0.0421 to:0.0384 of:0.0237 the:0.0132 that:0.0111 in:0.0069 or:0.0067 a:0.0058 with:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9018 and:0.0279 the:0.0110 in:0.0100 was:0.0097 is:0.0092 are:0.0087 with:0.0075 to:0.0074 of:0.0069 -:0.8518 the:0.0341 and:0.0338 was:0.0143 went:0.0137 it:0.0131 came:0.0117 is:0.0104 his:0.0092 are:0.0079 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8815 husband:0.0257 home:0.0184 long:0.0141 and:0.0134 father:0.0114 well:0.0112 life:0.0088 mind:0.0086 back:0.0067 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7026 of:0.0636 for:0.0625 to:0.0537 and:0.0406 the:0.0297 in:0.0135 by:0.0133 that:0.0119 at:0.0086 -:0.6479 it:0.1189 and:0.0516 that:0.0471 which:0.0383 there:0.0273 as:0.0255 what:0.0238 but:0.0117 he:0.0079 -:0.7988 of:0.0810 and:0.0439 bidder:0.0335 or:0.0132 to:0.0083 as:0.0067 in:0.0060 than:0.0049 day:0.0037 -:0.6857 of:0.1443 and:0.0531 in:0.0312 the:0.0208 to:0.0141 for:0.0140 or:0.0129 is:0.0125 at:0.0113 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -a:0.1916 :0.4838 the:0.1408 in:0.0472 this:0.0352 his:0.0331 no:0.0246 and:0.0177 of:0.0146 that:0.0113 -:0.8640 of:0.0506 and:0.0232 the:0.0183 that:0.0109 to:0.0078 which:0.0069 for:0.0063 said:0.0060 in:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6771 who:0.1232 and:0.0528 he:0.0498 are:0.0198 we:0.0195 they:0.0181 have:0.0137 had:0.0137 were:0.0122 -:0.7341 the:0.1354 of:0.0385 a:0.0270 in:0.0167 and:0.0123 his:0.0095 this:0.0094 to:0.0088 tho:0.0084 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6688 of:0.1215 and:0.1068 the:0.0229 in:0.0186 that:0.0185 which:0.0131 are:0.0127 with:0.0088 or:0.0082 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8486 the:0.0317 and:0.0308 to:0.0262 of:0.0176 in:0.0154 a:0.0116 or:0.0071 for:0.0058 that:0.0051 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.6446 a:0.1082 of:0.0754 the:0.0600 and:0.0544 in:0.0237 with:0.0130 to:0.0087 or:0.0064 on:0.0057 -to:0.1451 :0.5918 and:0.0847 is:0.0669 are:0.0252 was:0.0212 of:0.0206 will:0.0198 as:0.0126 shall:0.0121 -:0.4215 in:0.1362 to:0.1175 by:0.0905 at:0.0619 for:0.0576 of:0.0363 from:0.0327 or:0.0229 on:0.0229 -:0.6685 in:0.0959 to:0.0839 that:0.0330 of:0.0259 on:0.0239 at:0.0224 not:0.0187 by:0.0150 for:0.0127 -:0.7369 and:0.0494 was:0.0474 is:0.0388 the:0.0295 he:0.0274 had:0.0209 has:0.0197 be:0.0156 have:0.0143 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7178 to:0.1363 and:0.0315 will:0.0294 been:0.0213 are:0.0171 who:0.0137 he:0.0124 is:0.0103 we:0.0103 -of:0.0804 :0.7569 in:0.0319 his:0.0244 and:0.0215 was:0.0212 a:0.0185 as:0.0154 the:0.0150 with:0.0149 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.9563 city:0.0063 house:0.0056 right:0.0051 interest:0.0048 work:0.0048 people:0.0045 time:0.0042 world:0.0042 country:0.0041 -of:0.3960 :0.3227 in:0.0998 with:0.0364 and:0.0300 from:0.0276 for:0.0261 on:0.0235 that:0.0195 to:0.0184 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.9345 the:0.0216 and:0.0108 a:0.0075 of:0.0072 in:0.0060 this:0.0036 said:0.0032 other:0.0028 that:0.0028 -any:0.3066 :0.4138 the:0.0879 no:0.0626 two:0.0383 all:0.0210 three:0.0205 each:0.0197 some:0.0190 and:0.0107 -:0.8442 those:0.0708 one:0.0262 men:0.0120 all:0.0087 a:0.0087 be:0.0082 and:0.0080 been:0.0076 he:0.0057 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6600 of:0.1285 and:0.0520 to:0.0395 for:0.0311 in:0.0248 or:0.0193 the:0.0188 that:0.0166 a:0.0093 -:0.7541 the:0.0975 he:0.0316 is:0.0309 was:0.0218 it:0.0145 they:0.0129 are:0.0128 a:0.0121 we:0.0117 -:0.8808 and:0.0537 was:0.0172 is:0.0108 of:0.0086 be:0.0072 are:0.0058 had:0.0056 have:0.0053 in:0.0050 -to:0.2716 :0.4601 and:0.0541 for:0.0535 of:0.0431 in:0.0421 that:0.0275 by:0.0222 on:0.0138 from:0.0119 -:0.9498 own:0.0159 people:0.0068 men:0.0057 country:0.0040 old:0.0040 friends:0.0039 best:0.0035 fathers:0.0032 first:0.0032 -are:0.1943 :0.4349 have:0.1268 were:0.1259 had:0.0546 will:0.0221 do:0.0115 can:0.0105 could:0.0097 would:0.0095 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9370 great:0.0140 certain:0.0098 large:0.0082 very:0.0060 little:0.0059 new:0.0054 general:0.0051 good:0.0047 most:0.0040 -:0.6192 to:0.2089 and:0.0657 on:0.0242 the:0.0159 for:0.0151 in:0.0150 of:0.0136 at:0.0112 from:0.0111 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6713 is:0.0712 are:0.0467 was:0.0459 have:0.0416 well:0.0321 be:0.0309 so:0.0204 he:0.0199 had:0.0199 -be:0.3115 :0.5835 bo:0.0250 have:0.0245 not:0.0191 he:0.0133 the:0.0104 lie:0.0047 take:0.0042 find:0.0037 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6429 and:0.0739 the:0.0587 are:0.0494 was:0.0351 his:0.0322 is:0.0294 were:0.0283 of:0.0274 he:0.0227 -:0.8607 as:0.0356 up:0.0189 down:0.0177 and:0.0163 him:0.0122 back:0.0106 it:0.0095 out:0.0094 enough:0.0090 -:0.7320 the:0.1012 and:0.0440 in:0.0319 of:0.0294 was:0.0132 or:0.0129 his:0.0122 to:0.0116 is:0.0115 -:0.8342 the:0.0304 they:0.0290 he:0.0208 it:0.0190 a:0.0165 all:0.0157 those:0.0149 we:0.0105 his:0.0091 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.8964 is:0.0191 began:0.0166 came:0.0125 went:0.0116 according:0.0102 seemed:0.0092 up:0.0084 as:0.0084 are:0.0076 -the:0.1691 a:0.1044 his:0.0987 her:0.0549 him:0.0437 this:0.0358 :0.4271 them:0.0265 their:0.0203 every:0.0195 -to:0.2938 :0.3889 of:0.0640 in:0.0553 from:0.0439 on:0.0435 for:0.0322 that:0.0305 and:0.0246 by:0.0233 -:0.8040 the:0.0477 of:0.0368 and:0.0274 a:0.0263 in:0.0257 to:0.0100 on:0.0077 by:0.0073 with:0.0071 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8801 only:0.0347 be:0.0310 been:0.0136 appear:0.0111 put:0.0074 come:0.0068 even:0.0062 live:0.0046 go:0.0044 -:0.7532 the:0.1404 a:0.0288 in:0.0154 his:0.0146 other:0.0136 all:0.0098 tho:0.0095 its:0.0076 to:0.0072 -:0.6326 the:0.2405 a:0.0569 their:0.0123 tho:0.0123 his:0.0100 an:0.0098 this:0.0094 it:0.0086 any:0.0077 -:0.7988 of:0.0498 and:0.0391 to:0.0306 in:0.0212 the:0.0161 for:0.0136 by:0.0124 that:0.0104 a:0.0080 -it:0.3134 he:0.1749 :0.2728 they:0.0805 we:0.0381 that:0.0368 there:0.0290 she:0.0248 you:0.0162 ho:0.0137 -:0.7059 that:0.0843 which:0.0804 the:0.0394 him:0.0178 us:0.0177 all:0.0161 what:0.0159 a:0.0116 whom:0.0111 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.6795 was:0.1135 and:0.0567 is:0.0412 has:0.0240 or:0.0197 the:0.0179 are:0.0179 had:0.0152 be:0.0146 -:0.5834 in:0.1121 a:0.0785 the:0.0727 of:0.0438 and:0.0396 to:0.0386 by:0.0118 with:0.0112 this:0.0082 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7041 it:0.1161 which:0.0462 there:0.0330 who:0.0270 he:0.0214 that:0.0195 and:0.0179 what:0.0096 this:0.0052 -:0.6438 the:0.2326 a:0.0421 his:0.0314 tho:0.0101 no:0.0099 other:0.0092 this:0.0084 their:0.0070 in:0.0056 -:0.5845 of:0.1677 to:0.0446 and:0.0412 for:0.0373 in:0.0345 with:0.0334 by:0.0318 than:0.0134 on:0.0115 -:0.8089 of:0.0694 and:0.0300 the:0.0281 that:0.0157 a:0.0129 to:0.0116 in:0.0084 for:0.0082 or:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8354 of:0.0524 and:0.0333 or:0.0158 was:0.0153 at:0.0132 in:0.0116 is:0.0092 with:0.0073 but:0.0067 -:0.8977 and:0.0369 of:0.0150 as:0.0117 to:0.0104 time:0.0068 the:0.0063 that:0.0058 in:0.0049 way:0.0044 -:0.5891 the:0.2448 and:0.0436 of:0.0268 a:0.0238 to:0.0232 an:0.0184 tho:0.0112 his:0.0101 their:0.0089 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9489 and:0.0093 feet:0.0078 went:0.0067 is:0.0052 right:0.0051 according:0.0048 able:0.0047 desire:0.0043 are:0.0031 -:0.8334 the:0.0633 a:0.0321 and:0.0256 was:0.0097 to:0.0093 of:0.0091 in:0.0065 or:0.0056 an:0.0053 -:0.4386 had:0.1085 was:0.0925 has:0.0800 is:0.0795 have:0.0673 and:0.0568 are:0.0399 were:0.0215 be:0.0154 -:0.7103 who:0.0548 to:0.0465 of:0.0417 and:0.0413 in:0.0338 has:0.0205 that:0.0198 had:0.0183 was:0.0130 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -three:0.0017 six:0.0012 of:0.0012 millions:0.0012 days:0.0011 a:0.0010 were:0.0010 or:0.0010 thirty:0.0010 months:0.0010 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.8940 which:0.0260 men:0.0239 them:0.0149 these:0.0120 it:0.0067 they:0.0061 sale:0.0061 land:0.0054 the:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.6282 are:0.0561 to:0.0544 will:0.0513 of:0.0478 in:0.0403 were:0.0390 and:0.0350 can:0.0291 had:0.0189 -:0.5877 of:0.1742 to:0.1192 and:0.0606 in:0.0150 for:0.0115 the:0.0093 that:0.0088 or:0.0074 with:0.0065 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.6669 and:0.1002 that:0.0681 as:0.0372 to:0.0370 but:0.0305 which:0.0226 if:0.0182 when:0.0102 will:0.0092 -:0.5685 of:0.1364 and:0.0734 for:0.0507 in:0.0416 on:0.0397 to:0.0315 was:0.0202 with:0.0199 has:0.0182 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.8544 able:0.0252 not:0.0247 likely:0.0233 going:0.0146 ready:0.0131 expected:0.0116 impossible:0.0115 supposed:0.0109 unable:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7966 and:0.0508 of:0.0344 to:0.0241 in:0.0236 for:0.0229 the:0.0165 on:0.0110 as:0.0109 by:0.0094 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7658 the:0.1056 this:0.0232 all:0.0184 a:0.0177 any:0.0151 her:0.0137 tho:0.0137 these:0.0135 said:0.0132 -:0.9600 men:0.0086 man:0.0055 hundred:0.0048 country:0.0041 interest:0.0040 time:0.0039 people:0.0038 wife:0.0027 and:0.0027 -:0.7461 the:0.0824 in:0.0379 to:0.0305 a:0.0274 and:0.0172 at:0.0160 for:0.0156 with:0.0142 by:0.0127 -:0.6012 much:0.1205 many:0.0845 the:0.0646 long:0.0271 that:0.0264 very:0.0221 great:0.0206 good:0.0198 far:0.0133 -:0.7241 to:0.0564 and:0.0551 the:0.0441 a:0.0333 in:0.0274 that:0.0190 as:0.0147 by:0.0137 for:0.0121 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8645 a:0.0431 the:0.0395 made:0.0125 in:0.0080 no:0.0079 said:0.0070 more:0.0064 found:0.0061 an:0.0050 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.6902 a:0.1771 one:0.0295 the:0.0237 to:0.0196 every:0.0161 all:0.0127 in:0.0115 and:0.0101 any:0.0094 -:0.6676 the:0.1120 a:0.0926 to:0.0520 and:0.0271 of:0.0146 an:0.0099 tho:0.0087 his:0.0077 will:0.0076 -of:0.5026 :0.2916 in:0.0483 is:0.0373 with:0.0339 and:0.0317 to:0.0143 was:0.0139 on:0.0138 for:0.0126 -:0.8096 men:0.0571 those:0.0351 and:0.0270 all:0.0159 one:0.0137 man:0.0136 not:0.0102 people:0.0096 but:0.0082 -:0.6268 the:0.0931 to:0.0916 a:0.0573 an:0.0286 he:0.0245 it:0.0245 they:0.0236 we:0.0173 this:0.0127 -:0.9091 and:0.0330 of:0.0126 that:0.0105 which:0.0075 or:0.0067 it:0.0060 said:0.0057 are:0.0045 the:0.0044 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7545 to:0.0512 of:0.0495 the:0.0360 and:0.0271 for:0.0226 in:0.0206 by:0.0172 that:0.0131 with:0.0082 -:0.7364 in:0.1020 to:0.0296 by:0.0213 for:0.0201 that:0.0190 it:0.0187 on:0.0177 of:0.0176 from:0.0175 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.8038 one:0.0711 out:0.0340 some:0.0245 any:0.0205 many:0.0114 him:0.0104 all:0.0083 up:0.0081 it:0.0079 -:0.8520 the:0.0442 a:0.0176 that:0.0164 to:0.0154 and:0.0150 it:0.0126 as:0.0104 in:0.0092 by:0.0072 -:0.7732 of:0.1018 and:0.0392 in:0.0204 was:0.0142 or:0.0133 for:0.0105 is:0.0103 on:0.0086 to:0.0084 -:0.8928 far:0.0325 him:0.0177 them:0.0141 come:0.0095 received:0.0088 taken:0.0076 made:0.0064 away:0.0054 it:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9563 city:0.0063 house:0.0056 right:0.0051 interest:0.0048 work:0.0048 people:0.0045 time:0.0042 world:0.0042 country:0.0041 -:0.9725 the:0.0057 that:0.0040 this:0.0038 a:0.0027 last:0.0023 said:0.0023 per:0.0023 in:0.0022 of:0.0021 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7261 the:0.1641 a:0.0274 tho:0.0170 this:0.0157 his:0.0115 her:0.0102 these:0.0097 our:0.0093 said:0.0088 -:0.8680 of:0.0367 and:0.0291 to:0.0271 as:0.0077 that:0.0070 in:0.0068 the:0.0064 time:0.0057 at:0.0055 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7736 virtue:0.0748 one:0.0533 deed:0.0330 reason:0.0139 some:0.0117 any:0.0111 means:0.0101 those:0.0095 all:0.0090 -:0.7550 hundred:0.1784 year:0.0240 day:0.0148 dollar:0.0057 week:0.0054 of:0.0050 hand:0.0040 time:0.0039 night:0.0038 -:0.5393 of:0.2809 to:0.0410 the:0.0378 and:0.0366 that:0.0213 for:0.0137 in:0.0121 or:0.0102 on:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6765 the:0.1583 to:0.0388 and:0.0349 of:0.0261 a:0.0225 tho:0.0137 this:0.0119 their:0.0095 that:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9653 same:0.0048 time:0.0048 city:0.0042 law:0.0040 way:0.0035 country:0.0035 said:0.0033 world:0.0033 most:0.0031 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8951 that:0.0286 all:0.0285 which:0.0155 in:0.0081 the:0.0069 by:0.0053 of:0.0041 on:0.0040 said:0.0038 -:0.7386 the:0.0847 and:0.0723 a:0.0394 of:0.0258 was:0.0105 or:0.0077 is:0.0070 be:0.0070 in:0.0069 -:0.7977 the:0.0760 a:0.0288 and:0.0260 his:0.0249 in:0.0202 two:0.0098 good:0.0060 great:0.0053 little:0.0053 -:0.7475 be:0.0842 make:0.0547 have:0.0241 take:0.0228 get:0.0203 give:0.0130 do:0.0120 pay:0.0108 him:0.0106 -the:0.3864 :0.4432 that:0.0515 a:0.0277 his:0.0198 and:0.0179 to:0.0170 their:0.0136 this:0.0130 by:0.0098 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -not:0.1924 so:0.0730 :0.6343 any:0.0175 this:0.0168 it:0.0164 some:0.0127 their:0.0126 no:0.0123 the:0.0120 -:0.7807 and:0.0585 to:0.0480 of:0.0251 is:0.0195 was:0.0173 the:0.0161 has:0.0121 have:0.0116 are:0.0111 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7748 and:0.0623 is:0.0365 of:0.0357 are:0.0290 was:0.0229 as:0.0190 were:0.0074 or:0.0064 in:0.0061 -:0.8334 of:0.0419 and:0.0364 to:0.0319 for:0.0145 the:0.0116 that:0.0092 in:0.0086 or:0.0068 a:0.0057 -:0.9037 it:0.0260 and:0.0120 he:0.0110 was:0.0095 that:0.0089 there:0.0082 be:0.0075 is:0.0066 had:0.0065 -:0.6206 the:0.1123 th:0.0772 a:0.0751 that:0.0287 per:0.0205 every:0.0205 one:0.0168 and:0.0150 this:0.0133 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -to:0.7818 :0.1182 will:0.0401 and:0.0176 would:0.0105 should:0.0092 must:0.0061 that:0.0059 of:0.0055 shall:0.0052 -:0.7822 and:0.0459 the:0.0449 was:0.0283 to:0.0223 is:0.0200 of:0.0195 a:0.0168 not:0.0104 he:0.0096 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.7101 of:0.0574 and:0.0555 in:0.0455 for:0.0305 the:0.0278 or:0.0216 a:0.0213 by:0.0174 on:0.0129 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7842 he:0.0650 who:0.0357 and:0.0288 have:0.0187 which:0.0152 they:0.0152 it:0.0127 we:0.0126 she:0.0119 -:0.7848 the:0.0466 and:0.0447 of:0.0399 a:0.0355 or:0.0116 is:0.0111 for:0.0095 in:0.0086 was:0.0076 -be:0.2707 :0.4891 the:0.0713 have:0.0653 bo:0.0346 not:0.0234 this:0.0151 a:0.0148 take:0.0093 make:0.0066 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.8202 and:0.0629 was:0.0310 is:0.0208 it:0.0154 to:0.0133 that:0.0110 are:0.0098 as:0.0082 who:0.0074 -:0.6817 the:0.1902 his:0.0279 and:0.0265 of:0.0229 an:0.0133 a:0.0113 their:0.0103 tho:0.0083 in:0.0076 -:0.6607 was:0.0765 be:0.0454 has:0.0414 is:0.0350 and:0.0333 he:0.0331 have:0.0257 were:0.0250 had:0.0239 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9256 and:0.0206 is:0.0120 the:0.0101 will:0.0059 his:0.0057 was:0.0056 an:0.0050 line:0.0049 young:0.0048 -:0.8751 and:0.0423 him:0.0174 us:0.0119 that:0.0115 them:0.0094 me:0.0094 or:0.0087 it:0.0080 up:0.0064 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6253 of:0.1502 and:0.0707 in:0.0390 the:0.0383 for:0.0196 to:0.0157 as:0.0152 on:0.0132 at:0.0127 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.7858 he:0.0427 and:0.0421 who:0.0360 it:0.0334 which:0.0219 that:0.0163 or:0.0078 was:0.0074 of:0.0067 -:0.5939 the:0.2488 of:0.0416 a:0.0382 and:0.0168 to:0.0155 tho:0.0136 in:0.0120 by:0.0112 their:0.0085 -:0.7124 be:0.2138 bo:0.0190 the:0.0134 not:0.0087 have:0.0086 he:0.0077 in:0.0062 give:0.0055 and:0.0048 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -was:0.1902 :0.4326 has:0.0769 had:0.0762 is:0.0635 be:0.0448 been:0.0344 he:0.0343 and:0.0254 are:0.0217 -:0.7194 the:0.2023 a:0.0202 this:0.0112 tho:0.0101 said:0.0101 his:0.0091 that:0.0065 an:0.0056 all:0.0056 -:0.8468 said:0.0437 was:0.0235 had:0.0164 would:0.0161 will:0.0123 is:0.0116 did:0.0115 found:0.0094 says:0.0087 -:0.7515 the:0.1518 a:0.0520 that:0.0074 an:0.0073 by:0.0065 any:0.0060 all:0.0060 this:0.0058 in:0.0057 -:0.8070 and:0.0594 of:0.0457 the:0.0178 is:0.0156 in:0.0133 or:0.0122 that:0.0104 with:0.0102 for:0.0085 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5585 them:0.1069 you:0.0784 him:0.0749 us:0.0493 it:0.0348 to:0.0315 which:0.0301 that:0.0197 we:0.0159 -:0.4650 in:0.1820 to:0.0835 by:0.0612 for:0.0458 that:0.0412 with:0.0364 of:0.0305 on:0.0288 at:0.0255 -of:0.5817 :0.2348 to:0.0404 for:0.0397 in:0.0373 and:0.0252 on:0.0141 from:0.0112 with:0.0078 that:0.0078 -you:0.0045 it:0.0029 them:0.0025 these:0.0019 he:0.0018 her:0.0017 the:0.0017 his:0.0017 him:0.0016 we:0.0014 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.7030 south:0.1054 north:0.0821 the:0.0277 with:0.0187 to:0.0172 and:0.0122 in:0.0118 of:0.0111 east:0.0108 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7672 and:0.0595 of:0.0531 to:0.0299 in:0.0197 is:0.0190 for:0.0187 with:0.0128 at:0.0108 from:0.0092 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8430 and:0.0411 he:0.0319 who:0.0202 we:0.0134 that:0.0125 it:0.0115 they:0.0099 to:0.0090 which:0.0074 -:0.9613 time:0.0070 way:0.0070 people:0.0053 matter:0.0044 world:0.0032 city:0.0031 work:0.0030 most:0.0029 case:0.0029 -:0.7886 the:0.0661 and:0.0326 a:0.0233 to:0.0225 of:0.0192 was:0.0176 is:0.0110 in:0.0101 an:0.0090 -the:0.2041 :0.6692 a:0.0212 tho:0.0207 our:0.0165 these:0.0154 this:0.0151 tbe:0.0135 their:0.0122 said:0.0122 -:0.6247 to:0.2078 been:0.0357 will:0.0304 and:0.0251 would:0.0231 not:0.0173 be:0.0139 had:0.0113 in:0.0107 -:0.6936 that:0.0939 as:0.0414 what:0.0375 it:0.0319 if:0.0292 there:0.0237 which:0.0171 you:0.0163 all:0.0154 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9348 and:0.0115 went:0.0076 it:0.0074 according:0.0073 able:0.0070 is:0.0070 came:0.0062 enough:0.0059 them:0.0053 -:0.7488 and:0.0757 of:0.0472 the:0.0314 to:0.0250 in:0.0186 that:0.0159 it:0.0141 or:0.0117 was:0.0116 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8734 and:0.0257 was:0.0201 of:0.0194 is:0.0175 to:0.0115 for:0.0094 be:0.0078 in:0.0078 or:0.0075 -:0.8569 and:0.0437 that:0.0148 the:0.0140 to:0.0131 was:0.0131 of:0.0130 as:0.0113 a:0.0103 be:0.0098 -:0.8347 is:0.0329 was:0.0297 and:0.0264 do:0.0160 it:0.0137 be:0.0134 had:0.0132 have:0.0100 are:0.0099 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6777 the:0.1015 of:0.0972 and:0.0425 a:0.0325 in:0.0113 to:0.0102 by:0.0100 with:0.0095 was:0.0075 -the:0.2951 :0.5062 a:0.0817 his:0.0382 tho:0.0163 their:0.0159 its:0.0155 one:0.0109 this:0.0102 which:0.0101 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -to:0.2857 for:0.1106 :0.4023 in:0.0717 by:0.0564 at:0.0238 the:0.0182 his:0.0118 and:0.0104 of:0.0090 -:0.9541 otherwise:0.0065 even:0.0061 not:0.0058 more:0.0057 interest:0.0052 less:0.0046 two:0.0046 and:0.0042 oclock:0.0032 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -to:0.3479 :0.5179 and:0.0561 will:0.0215 of:0.0202 can:0.0081 or:0.0081 should:0.0068 it:0.0067 would:0.0066 -:0.7599 of:0.0585 the:0.0514 and:0.0394 to:0.0193 a:0.0173 in:0.0168 that:0.0150 is:0.0114 or:0.0109 -:0.6944 it:0.0684 there:0.0430 which:0.0417 and:0.0390 who:0.0354 that:0.0339 he:0.0196 what:0.0137 as:0.0110 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -the:0.5008 :0.2647 a:0.0911 his:0.0342 tho:0.0305 their:0.0202 this:0.0177 our:0.0162 its:0.0134 an:0.0114 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -of:0.3483 :0.4988 and:0.0657 in:0.0161 or:0.0147 is:0.0141 as:0.0137 was:0.0114 for:0.0089 the:0.0083 -:0.8110 a:0.0450 at:0.0299 the:0.0291 no:0.0248 of:0.0166 not:0.0138 in:0.0127 for:0.0086 any:0.0085 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8229 the:0.0553 a:0.0436 young:0.0231 his:0.0141 tho:0.0127 most:0.0081 next:0.0071 general:0.0067 last:0.0066 -:0.6817 that:0.0530 is:0.0464 had:0.0425 have:0.0364 has:0.0314 as:0.0289 not:0.0277 be:0.0266 was:0.0255 -:0.7581 and:0.0733 is:0.0356 was:0.0313 of:0.0305 are:0.0193 in:0.0175 that:0.0147 were:0.0106 for:0.0093 -:0.7689 to:0.1214 and:0.0278 in:0.0231 of:0.0146 for:0.0102 not:0.0098 at:0.0093 by:0.0076 all:0.0073 -:0.8718 same:0.0433 said:0.0184 first:0.0151 best:0.0118 next:0.0094 most:0.0088 highest:0.0083 present:0.0070 great:0.0061 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.7995 of:0.0766 and:0.0597 in:0.0167 that:0.0093 he:0.0086 is:0.0081 was:0.0077 to:0.0072 the:0.0066 -:0.4224 they:0.1440 it:0.1304 he:0.1230 we:0.0652 there:0.0435 she:0.0286 you:0.0213 ho:0.0111 which:0.0105 -:0.7489 of:0.0983 and:0.0742 to:0.0166 in:0.0156 or:0.0125 is:0.0110 was:0.0094 are:0.0078 the:0.0057 -:0.9129 own:0.0393 husband:0.0147 home:0.0063 back:0.0057 feet:0.0052 mind:0.0043 high:0.0039 head:0.0039 and:0.0038 -:0.9515 and:0.0125 as:0.0080 is:0.0051 but:0.0049 who:0.0043 be:0.0038 could:0.0035 it:0.0033 was:0.0032 -:0.8268 the:0.0727 of:0.0308 and:0.0183 is:0.0098 in:0.0098 was:0.0087 a:0.0081 his:0.0080 or:0.0069 -:0.8006 the:0.0677 a:0.0366 to:0.0154 and:0.0151 was:0.0143 be:0.0140 his:0.0139 few:0.0134 an:0.0091 -:0.5736 of:0.1568 to:0.0712 and:0.0598 in:0.0376 for:0.0279 or:0.0214 is:0.0199 at:0.0168 the:0.0150 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.6717 the:0.1305 a:0.0393 that:0.0345 it:0.0322 to:0.0241 out:0.0234 them:0.0163 him:0.0141 on:0.0139 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.5689 the:0.3430 and:0.0198 of:0.0164 a:0.0123 this:0.0099 no:0.0090 tho:0.0083 any:0.0064 his:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7184 th:0.0557 per:0.0533 to:0.0412 and:0.0255 of:0.0235 a:0.0231 that:0.0218 one:0.0193 the:0.0181 -:0.7819 was:0.0743 had:0.0546 has:0.0206 would:0.0177 is:0.0149 will:0.0115 the:0.0107 and:0.0071 said:0.0068 -:0.7950 of:0.0471 the:0.0408 and:0.0314 to:0.0225 for:0.0177 in:0.0131 by:0.0123 that:0.0119 a:0.0081 -been:0.5119 :0.3418 had:0.0388 ever:0.0274 not:0.0235 already:0.0126 be:0.0126 never:0.0123 always:0.0110 he:0.0081 -a:0.2348 the:0.2107 :0.4479 no:0.0245 very:0.0205 to:0.0177 not:0.0142 one:0.0113 said:0.0110 now:0.0073 -:0.5670 is:0.0923 does:0.0673 did:0.0474 could:0.0442 do:0.0423 has:0.0418 was:0.0357 will:0.0346 if:0.0274 -:0.8761 in:0.0439 was:0.0203 by:0.0109 is:0.0102 all:0.0097 the:0.0090 on:0.0075 for:0.0062 that:0.0061 -:0.6733 the:0.0783 to:0.0727 a:0.0603 that:0.0485 in:0.0172 it:0.0172 and:0.0132 for:0.0103 by:0.0090 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -per:0.8066 :0.1462 nper:0.0162 a:0.0131 to:0.0048 the:0.0036 and:0.0031 or:0.0025 of:0.0022 one:0.0018 -:0.7821 is:0.0443 and:0.0312 who:0.0275 of:0.0264 was:0.0255 has:0.0205 to:0.0162 year:0.0142 or:0.0120 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -last:0.2426 :0.5410 same:0.0650 next:0.0370 past:0.0267 most:0.0261 first:0.0242 whole:0.0185 other:0.0114 following:0.0075 -:0.7974 of:0.0957 other:0.0321 time:0.0193 and:0.0158 one:0.0125 the:0.0110 way:0.0059 a:0.0056 in:0.0047 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -the:0.6197 :0.2393 a:0.0320 his:0.0261 tho:0.0261 their:0.0203 tbe:0.0100 our:0.0100 her:0.0084 its:0.0081 -:0.9516 man:0.0072 year:0.0066 hundred:0.0065 long:0.0061 large:0.0056 good:0.0046 time:0.0041 matter:0.0039 little:0.0038 -:0.8549 first:0.0291 whole:0.0188 most:0.0164 best:0.0158 same:0.0154 other:0.0138 greater:0.0133 last:0.0118 great:0.0107 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.5338 and:0.1652 of:0.1155 was:0.0458 in:0.0452 is:0.0227 with:0.0214 on:0.0212 are:0.0158 for:0.0135 -:0.5393 of:0.2809 to:0.0410 the:0.0378 and:0.0366 that:0.0213 for:0.0137 in:0.0121 or:0.0102 on:0.0070 -:0.7191 the:0.0839 of:0.0428 that:0.0324 to:0.0284 a:0.0267 it:0.0199 in:0.0196 and:0.0174 for:0.0097 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.7992 of:0.0625 the:0.0409 and:0.0277 he:0.0126 that:0.0125 a:0.0124 to:0.0113 with:0.0113 in:0.0096 -:0.6577 and:0.1032 of:0.0798 to:0.0398 in:0.0346 that:0.0227 the:0.0218 or:0.0138 who:0.0133 with:0.0131 -:0.6336 of:0.1873 and:0.0565 the:0.0403 that:0.0254 which:0.0136 to:0.0127 for:0.0104 in:0.0104 as:0.0098 -:0.7530 and:0.0698 was:0.0429 is:0.0278 are:0.0230 of:0.0193 the:0.0186 be:0.0164 or:0.0152 were:0.0139 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9344 said:0.0169 great:0.0092 most:0.0080 first:0.0063 the:0.0055 other:0.0055 a:0.0054 very:0.0047 same:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.4995 of:0.1691 for:0.0631 in:0.0615 to:0.0528 by:0.0455 on:0.0312 from:0.0308 and:0.0250 that:0.0215 -:0.9477 the:0.0095 which:0.0081 land:0.0062 all:0.0054 them:0.0052 sale:0.0049 that:0.0046 men:0.0042 two:0.0042 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7722 and:0.0784 of:0.0399 in:0.0237 the:0.0182 to:0.0165 for:0.0143 at:0.0137 is:0.0123 that:0.0108 -:0.7729 of:0.0685 and:0.0485 in:0.0336 the:0.0270 to:0.0126 at:0.0100 for:0.0093 that:0.0088 a:0.0088 -:0.6487 of:0.1808 and:0.0713 in:0.0315 the:0.0159 are:0.0155 to:0.0115 is:0.0092 as:0.0077 who:0.0077 -:0.7194 the:0.2023 a:0.0202 this:0.0112 tho:0.0101 said:0.0101 his:0.0091 that:0.0065 an:0.0056 all:0.0056 -:0.8621 the:0.0473 a:0.0269 in:0.0134 said:0.0129 no:0.0096 and:0.0077 found:0.0076 made:0.0065 of:0.0059 -:0.7392 of:0.0873 and:0.0496 in:0.0315 to:0.0271 for:0.0183 with:0.0140 as:0.0124 by:0.0108 on:0.0099 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5990 of:0.1856 for:0.0425 to:0.0397 and:0.0340 on:0.0251 by:0.0220 in:0.0213 with:0.0157 at:0.0153 -:0.9717 in:0.0058 and:0.0048 hundred:0.0046 home:0.0023 day:0.0023 up:0.0022 right:0.0022 men:0.0021 way:0.0020 -:0.6898 the:0.1585 a:0.0692 and:0.0247 his:0.0169 this:0.0096 he:0.0084 of:0.0081 their:0.0080 to:0.0067 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8437 the:0.0356 a:0.0271 and:0.0208 to:0.0194 in:0.0152 of:0.0143 as:0.0092 that:0.0087 for:0.0059 -:0.6728 the:0.1305 to:0.0706 a:0.0347 of:0.0295 in:0.0182 and:0.0142 this:0.0124 by:0.0088 or:0.0081 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -be:0.6914 :0.1874 bo:0.0530 have:0.0395 he:0.0070 not:0.0061 do:0.0056 get:0.0035 never:0.0034 been:0.0031 -a:0.4640 the:0.2226 :0.2292 this:0.0230 any:0.0204 one:0.0105 tho:0.0101 his:0.0078 their:0.0066 every:0.0056 -:0.7954 all:0.0503 that:0.0488 which:0.0400 and:0.0130 in:0.0113 by:0.0113 of:0.0107 on:0.0100 the:0.0091 -:0.7248 is:0.0876 was:0.0641 and:0.0366 are:0.0259 be:0.0159 of:0.0139 were:0.0138 or:0.0088 in:0.0085 -:0.6456 of:0.0839 in:0.0797 and:0.0623 for:0.0250 that:0.0241 to:0.0217 on:0.0212 by:0.0184 at:0.0180 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6875 and:0.0737 of:0.0598 who:0.0563 in:0.0344 to:0.0240 are:0.0227 were:0.0200 on:0.0114 have:0.0101 -:0.6894 is:0.0591 and:0.0555 to:0.0486 was:0.0289 are:0.0270 or:0.0268 for:0.0234 were:0.0230 had:0.0185 -:0.8717 same:0.0463 last:0.0188 first:0.0126 next:0.0124 most:0.0110 whole:0.0074 best:0.0070 great:0.0067 th:0.0062 -them:0.0360 him:0.0250 her:0.0243 it:0.0181 the:0.0138 me:0.0119 us:0.0116 you:0.0107 his:0.0093 a:0.0071 -:0.6890 of:0.1891 and:0.0387 that:0.0180 in:0.0177 to:0.0113 as:0.0108 with:0.0100 which:0.0081 it:0.0075 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.8825 the:0.0413 said:0.0181 them:0.0114 land:0.0101 this:0.0095 her:0.0075 his:0.0069 these:0.0064 a:0.0064 -:0.7428 they:0.0968 there:0.0516 we:0.0335 it:0.0301 he:0.0113 and:0.0102 you:0.0095 that:0.0086 which:0.0057 -:0.5167 he:0.2213 it:0.1523 she:0.0294 which:0.0232 that:0.0168 ho:0.0110 there:0.0108 they:0.0095 him:0.0091 -:0.7472 of:0.0892 and:0.0661 in:0.0259 to:0.0141 is:0.0140 or:0.0115 as:0.0113 that:0.0105 for:0.0102 -:0.8756 the:0.0425 a:0.0355 one:0.0099 it:0.0070 and:0.0068 this:0.0062 that:0.0058 will:0.0055 said:0.0053 -:0.7035 of:0.1016 and:0.0566 the:0.0498 to:0.0283 a:0.0150 an:0.0124 or:0.0123 in:0.0119 are:0.0086 -:0.9021 few:0.0162 little:0.0151 large:0.0145 man:0.0128 time:0.0087 certain:0.0084 good:0.0080 very:0.0075 great:0.0067 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8747 and:0.0402 the:0.0159 at:0.0157 for:0.0112 to:0.0103 in:0.0101 or:0.0089 of:0.0081 than:0.0047 -:0.4937 of:0.1578 in:0.0956 for:0.0589 and:0.0505 to:0.0448 on:0.0444 from:0.0211 by:0.0174 with:0.0157 -:0.7155 for:0.0519 to:0.0474 at:0.0424 and:0.0295 on:0.0238 the:0.0232 a:0.0228 by:0.0223 in:0.0212 -:0.5409 the:0.1345 by:0.0793 all:0.0725 of:0.0357 in:0.0332 a:0.0311 for:0.0285 with:0.0245 his:0.0199 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9387 same:0.0099 whole:0.0095 two:0.0081 most:0.0062 great:0.0058 following:0.0056 th:0.0055 entire:0.0054 little:0.0052 -:0.7822 and:0.0459 the:0.0449 was:0.0283 to:0.0223 is:0.0200 of:0.0195 a:0.0168 not:0.0104 he:0.0096 -:0.8792 county:0.0310 mortgage:0.0286 city:0.0115 lot:0.0114 petition:0.0093 bonds:0.0076 day:0.0076 premises:0.0072 action:0.0067 -:0.8241 be:0.0501 only:0.0403 a:0.0212 been:0.0163 to:0.0124 have:0.0113 know:0.0108 bo:0.0070 yet:0.0065 -:0.9479 described:0.0097 named:0.0090 it:0.0087 night:0.0063 time:0.0048 up:0.0036 them:0.0035 day:0.0033 him:0.0032 -:0.6483 the:0.1082 and:0.0871 of:0.0682 in:0.0277 to:0.0210 was:0.0132 for:0.0111 or:0.0078 with:0.0073 -:0.9221 same:0.0238 public:0.0123 said:0.0086 present:0.0078 following:0.0064 first:0.0055 great:0.0053 best:0.0042 past:0.0041 -:0.8331 let:0.0428 to:0.0376 for:0.0184 with:0.0146 give:0.0142 in:0.0121 gave:0.0102 told:0.0090 on:0.0080 -:0.9303 and:0.0325 is:0.0065 was:0.0061 it:0.0049 that:0.0046 of:0.0043 him:0.0041 but:0.0034 went:0.0033 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.5773 the:0.1503 to:0.1214 of:0.0487 a:0.0316 and:0.0241 will:0.0161 in:0.0125 an:0.0102 would:0.0078 -:0.7473 the:0.1393 a:0.0211 and:0.0187 of:0.0183 he:0.0147 no:0.0105 to:0.0104 his:0.0102 in:0.0096 -:0.8485 and:0.0425 he:0.0209 who:0.0189 we:0.0182 they:0.0161 to:0.0105 that:0.0093 it:0.0076 the:0.0075 -:0.9348 and:0.0115 went:0.0076 it:0.0074 according:0.0073 able:0.0070 is:0.0070 came:0.0062 enough:0.0059 them:0.0053 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.8972 and:0.0275 as:0.0145 be:0.0120 the:0.0100 at:0.0087 was:0.0083 is:0.0080 to:0.0071 with:0.0068 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.7696 and:0.0771 of:0.0601 the:0.0456 said:0.0115 in:0.0087 is:0.0077 for:0.0069 or:0.0064 a:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.0143 :0.9335 for:0.0101 at:0.0084 west:0.0067 by:0.0064 north:0.0061 the:0.0057 three:0.0045 with:0.0043 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5987 of:0.1173 in:0.0841 and:0.0479 to:0.0398 with:0.0296 for:0.0250 on:0.0238 from:0.0180 at:0.0158 -:0.6831 of:0.1383 and:0.0450 in:0.0280 who:0.0234 are:0.0210 to:0.0190 have:0.0151 the:0.0151 were:0.0120 -:0.9305 people:0.0183 country:0.0080 men:0.0079 children:0.0077 work:0.0060 friends:0.0056 efforts:0.0056 duty:0.0052 government:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8359 the:0.0843 an:0.0173 being:0.0131 said:0.0113 a:0.0100 any:0.0086 is:0.0067 such:0.0066 tho:0.0064 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7672 to:0.0655 and:0.0375 in:0.0331 the:0.0314 a:0.0179 that:0.0136 from:0.0115 on:0.0114 for:0.0108 -:0.6503 and:0.0920 to:0.0687 in:0.0377 the:0.0345 by:0.0325 of:0.0315 for:0.0192 with:0.0169 on:0.0166 -the:0.3203 a:0.1186 :0.3514 his:0.0601 their:0.0428 an:0.0289 in:0.0204 to:0.0204 tho:0.0190 and:0.0180 -:0.8275 that:0.0701 if:0.0339 as:0.0170 when:0.0131 then:0.0088 which:0.0079 make:0.0076 in:0.0073 let:0.0068 -:0.8373 great:0.0298 large:0.0261 good:0.0237 little:0.0227 small:0.0138 certain:0.0138 new:0.0124 few:0.0114 the:0.0089 -:0.7347 not:0.0762 in:0.0463 to:0.0359 as:0.0261 at:0.0183 only:0.0181 made:0.0175 that:0.0139 quite:0.0130 -it:0.2559 :0.3618 they:0.1122 he:0.0845 we:0.0508 you:0.0354 that:0.0352 there:0.0331 she:0.0176 which:0.0134 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7690 and:0.0902 as:0.0451 to:0.0353 been:0.0222 be:0.0082 we:0.0081 ago:0.0076 time:0.0072 will:0.0071 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7233 and:0.1600 in:0.0255 to:0.0214 of:0.0152 is:0.0143 was:0.0142 are:0.0092 but:0.0087 for:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8674 a:0.0365 the:0.0317 made:0.0168 in:0.0141 an:0.0087 to:0.0077 no:0.0071 taken:0.0051 found:0.0049 -:0.6269 to:0.0966 and:0.0711 of:0.0653 in:0.0405 as:0.0258 was:0.0210 for:0.0198 on:0.0165 with:0.0165 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7041 be:0.0737 give:0.0664 make:0.0371 let:0.0249 take:0.0247 not:0.0245 have:0.0160 tell:0.0156 pay:0.0130 -:0.8285 and:0.0352 he:0.0239 had:0.0222 was:0.0184 is:0.0180 has:0.0154 have:0.0144 be:0.0123 we:0.0117 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.9682 one:0.0066 more:0.0056 that:0.0052 and:0.0029 it:0.0028 two:0.0024 on:0.0022 him:0.0020 interest:0.0019 -:0.7571 the:0.1027 a:0.0629 any:0.0253 this:0.0119 an:0.0107 it:0.0095 tho:0.0080 that:0.0065 one:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9181 one:0.0231 out:0.0191 all:0.0119 any:0.0074 half:0.0045 favor:0.0045 many:0.0040 side:0.0038 that:0.0036 -:0.7362 of:0.0859 and:0.0737 in:0.0205 to:0.0184 for:0.0160 that:0.0158 is:0.0126 as:0.0109 the:0.0100 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8273 made:0.0306 held:0.0299 found:0.0265 used:0.0195 paid:0.0194 placed:0.0136 done:0.0133 seen:0.0103 sold:0.0096 -as:0.2553 :0.6451 enough:0.0182 up:0.0167 down:0.0129 out:0.0127 feet:0.0103 back:0.0099 from:0.0097 away:0.0093 -:0.4572 they:0.1320 we:0.0916 he:0.0833 it:0.0578 one:0.0515 you:0.0467 she:0.0350 that:0.0320 which:0.0129 -:0.7538 of:0.0881 about:0.0320 for:0.0220 to:0.0213 in:0.0206 with:0.0192 and:0.0157 on:0.0137 than:0.0137 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -the:0.3539 :0.3978 his:0.0807 a:0.0326 its:0.0323 other:0.0233 this:0.0220 their:0.0208 tho:0.0187 our:0.0179 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.7431 and:0.0678 was:0.0535 the:0.0321 of:0.0213 is:0.0212 are:0.0173 or:0.0164 be:0.0144 were:0.0128 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7436 of:0.1165 and:0.0506 in:0.0287 to:0.0193 the:0.0094 he:0.0085 that:0.0081 with:0.0081 on:0.0073 -:0.8791 hour:0.0597 order:0.0108 inch:0.0102 opportunity:0.0095 increase:0.0093 attack:0.0056 extent:0.0054 alley:0.0054 opinion:0.0050 -:0.6809 the:0.1984 a:0.0355 and:0.0319 of:0.0120 this:0.0097 in:0.0094 or:0.0086 tho:0.0075 that:0.0062 -of:0.1988 :0.5082 in:0.0798 and:0.0417 to:0.0374 at:0.0333 on:0.0309 for:0.0308 with:0.0209 from:0.0182 -the:0.3608 :0.5162 a:0.0443 tho:0.0256 his:0.0133 this:0.0116 our:0.0102 their:0.0065 tbe:0.0060 said:0.0054 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7317 the:0.1674 a:0.0238 in:0.0162 of:0.0136 as:0.0103 this:0.0096 and:0.0093 tho:0.0092 by:0.0090 -:0.8726 not:0.0503 no:0.0167 a:0.0134 now:0.0112 the:0.0095 very:0.0068 true:0.0067 still:0.0065 hereby:0.0063 -:0.8881 the:0.0270 said:0.0153 order:0.0127 this:0.0115 which:0.0110 his:0.0091 their:0.0087 a:0.0084 all:0.0083 -:0.5676 not:0.2899 the:0.0660 a:0.0152 it:0.0136 he:0.0135 that:0.0133 you:0.0080 and:0.0068 be:0.0063 -:0.6643 a:0.1795 only:0.0666 to:0.0205 one:0.0177 the:0.0139 in:0.0119 be:0.0110 very:0.0083 that:0.0065 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -the:0.2883 a:0.2370 this:0.1817 :0.2000 every:0.0307 any:0.0225 last:0.0128 one:0.0098 tho:0.0095 his:0.0078 -:0.5398 and:0.0940 to:0.0926 by:0.0484 for:0.0443 in:0.0429 with:0.0429 that:0.0345 on:0.0340 at:0.0267 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7607 not:0.1449 now:0.0335 also:0.0100 still:0.0097 always:0.0095 hereby:0.0085 but:0.0080 and:0.0078 so:0.0074 -:0.8115 and:0.0391 was:0.0381 of:0.0361 is:0.0320 or:0.0096 are:0.0093 to:0.0088 in:0.0083 for:0.0073 -:0.8947 same:0.0176 most:0.0164 said:0.0132 past:0.0118 best:0.0102 great:0.0101 first:0.0093 other:0.0093 old:0.0074 -:0.8830 side:0.0328 line:0.0279 number:0.0136 part:0.0118 out:0.0093 day:0.0070 quarter:0.0051 portion:0.0051 parts:0.0044 -the:0.2941 :0.5202 a:0.0684 his:0.0249 tho:0.0197 their:0.0194 its:0.0142 to:0.0140 an:0.0136 this:0.0116 -the:0.2662 of:0.0940 :0.4505 his:0.0546 in:0.0324 a:0.0312 and:0.0216 tho:0.0179 for:0.0164 this:0.0152 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8798 and:0.0336 is:0.0157 as:0.0131 that:0.0129 but:0.0110 so:0.0106 or:0.0085 him:0.0077 it:0.0072 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -of:0.2502 :0.4201 to:0.0815 and:0.0622 with:0.0481 in:0.0350 from:0.0325 is:0.0291 for:0.0246 on:0.0165 -:0.8222 and:0.0553 of:0.0218 is:0.0189 he:0.0186 the:0.0172 was:0.0164 for:0.0101 they:0.0100 or:0.0095 -:0.7724 that:0.0662 which:0.0592 the:0.0420 said:0.0188 all:0.0117 this:0.0084 whom:0.0084 what:0.0080 them:0.0049 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -:0.9193 and:0.0239 or:0.0102 held:0.0093 day:0.0089 was:0.0070 is:0.0063 made:0.0053 described:0.0049 than:0.0048 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7076 the:0.1156 of:0.0551 a:0.0438 and:0.0332 to:0.0152 this:0.0082 his:0.0079 in:0.0071 tho:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.6421 at:0.1242 the:0.0921 of:0.0400 a:0.0243 and:0.0217 his:0.0194 is:0.0156 in:0.0122 for:0.0086 -:0.7613 and:0.0826 ago:0.0458 of:0.0241 to:0.0213 is:0.0169 he:0.0150 they:0.0115 in:0.0110 we:0.0105 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8131 of:0.0796 and:0.0473 the:0.0158 in:0.0111 to:0.0086 with:0.0066 that:0.0062 or:0.0061 for:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5437 in:0.1097 of:0.0759 at:0.0575 to:0.0556 on:0.0402 for:0.0363 with:0.0352 from:0.0260 by:0.0199 -a:0.2278 :0.4994 the:0.1159 of:0.0517 his:0.0249 and:0.0198 in:0.0158 as:0.0156 is:0.0154 this:0.0137 -:0.5908 as:0.1485 to:0.0780 that:0.0530 the:0.0294 and:0.0262 in:0.0247 a:0.0188 by:0.0169 for:0.0137 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7481 and:0.0906 was:0.0426 is:0.0392 are:0.0192 be:0.0174 the:0.0135 to:0.0127 he:0.0084 of:0.0082 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.6066 the:0.2326 this:0.0451 in:0.0242 a:0.0228 of:0.0172 they:0.0168 if:0.0133 tho:0.0113 that:0.0102 -:0.9645 law:0.0052 way:0.0051 right:0.0043 place:0.0039 time:0.0037 city:0.0034 people:0.0033 subject:0.0033 work:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9434 same:0.0091 said:0.0081 whole:0.0075 most:0.0074 great:0.0061 last:0.0052 first:0.0047 following:0.0043 civil:0.0041 -:0.6624 a:0.0773 the:0.0714 in:0.0617 of:0.0300 by:0.0237 for:0.0201 on:0.0201 and:0.0179 to:0.0154 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6600 the:0.2347 a:0.0402 and:0.0204 this:0.0096 his:0.0094 tho:0.0074 of:0.0070 in:0.0058 that:0.0056 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7808 more:0.0780 less:0.0404 better:0.0299 greater:0.0193 than:0.0154 worse:0.0119 rather:0.0113 higher:0.0067 larger:0.0062 -:0.6480 a:0.1152 the:0.0637 of:0.0466 and:0.0438 to:0.0362 his:0.0163 in:0.0137 any:0.0084 no:0.0082 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8243 the:0.0394 and:0.0373 of:0.0356 in:0.0156 a:0.0144 that:0.0095 to:0.0092 or:0.0076 for:0.0070 -:0.7765 he:0.0628 and:0.0273 they:0.0258 it:0.0241 we:0.0193 that:0.0189 who:0.0170 which:0.0164 she:0.0120 -:0.5636 it:0.1558 he:0.1206 they:0.0438 there:0.0384 we:0.0243 that:0.0215 she:0.0158 you:0.0086 ho:0.0076 -the:0.3958 :0.5043 a:0.0281 his:0.0178 tho:0.0165 this:0.0123 their:0.0076 an:0.0063 and:0.0059 tbe:0.0055 -not:0.1984 be:0.1970 :0.4505 have:0.0770 bo:0.0295 he:0.0202 lie:0.0091 never:0.0065 take:0.0063 to:0.0056 -:0.7781 in:0.0769 of:0.0631 on:0.0232 and:0.0199 to:0.0098 at:0.0085 from:0.0076 or:0.0068 for:0.0061 -to:0.0183 a:0.0154 the:0.0151 of:0.0092 no:0.0077 our:0.0069 tbe:0.0068 :0.9091 every:0.0061 their:0.0055 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.6330 as:0.1057 that:0.0626 far:0.0516 with:0.0329 in:0.0276 for:0.0251 by:0.0210 much:0.0207 to:0.0198 -:0.8204 and:0.0473 is:0.0363 was:0.0208 has:0.0196 are:0.0133 have:0.0118 be:0.0118 had:0.0105 he:0.0082 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -to:0.3115 of:0.1795 :0.2698 in:0.0551 and:0.0492 for:0.0478 on:0.0236 as:0.0234 by:0.0203 with:0.0198 -:0.7795 that:0.0561 which:0.0408 if:0.0371 as:0.0208 what:0.0160 and:0.0145 when:0.0135 but:0.0129 whom:0.0089 -:0.7560 in:0.0692 that:0.0373 by:0.0243 on:0.0209 to:0.0209 of:0.0207 all:0.0196 with:0.0162 for:0.0149 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8970 large:0.0246 great:0.0173 little:0.0127 good:0.0108 new:0.0096 certain:0.0093 very:0.0069 real:0.0060 small:0.0058 -the:0.0210 a:0.0118 :0.9378 tho:0.0046 other:0.0045 of:0.0045 their:0.0041 great:0.0041 an:0.0038 tbe:0.0038 -:0.8297 of:0.0509 or:0.0468 and:0.0209 years:0.0166 in:0.0098 for:0.0077 hours:0.0063 days:0.0059 than:0.0055 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7796 the:0.0790 and:0.0453 of:0.0213 a:0.0213 this:0.0125 or:0.0106 in:0.0105 as:0.0100 to:0.0099 -:0.7825 in:0.0616 of:0.0249 and:0.0247 for:0.0247 with:0.0181 at:0.0172 by:0.0164 is:0.0155 was:0.0144 -:0.7597 the:0.0847 a:0.0508 to:0.0339 his:0.0179 and:0.0153 an:0.0134 was:0.0086 said:0.0083 their:0.0073 -:0.5573 the:0.1585 a:0.1482 any:0.0509 one:0.0247 his:0.0172 no:0.0114 an:0.0110 in:0.0105 all:0.0103 -:0.7252 of:0.0620 and:0.0590 the:0.0397 in:0.0312 to:0.0270 that:0.0188 with:0.0167 for:0.0109 on:0.0094 -:0.6556 of:0.1163 and:0.0789 that:0.0359 in:0.0323 the:0.0268 for:0.0159 to:0.0151 is:0.0129 was:0.0102 -:0.4931 in:0.1379 to:0.0904 of:0.0787 on:0.0668 with:0.0289 from:0.0277 at:0.0273 by:0.0260 for:0.0232 -the:0.3777 :0.4165 his:0.0561 a:0.0353 and:0.0348 to:0.0309 their:0.0156 its:0.0144 this:0.0095 by:0.0091 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8657 of:0.0329 and:0.0320 is:0.0128 that:0.0107 in:0.0103 or:0.0099 was:0.0096 to:0.0086 the:0.0076 -:0.6501 of:0.1907 and:0.0808 was:0.0145 to:0.0144 is:0.0118 the:0.0109 for:0.0096 in:0.0088 that:0.0084 -:0.7010 the:0.1343 of:0.0490 to:0.0298 a:0.0224 and:0.0223 in:0.0153 his:0.0117 for:0.0077 or:0.0066 -:0.5842 and:0.0963 have:0.0559 is:0.0543 has:0.0527 had:0.0457 are:0.0377 was:0.0296 be:0.0245 were:0.0191 -:0.8270 and:0.0415 at:0.0222 of:0.0200 to:0.0176 in:0.0168 him:0.0153 is:0.0142 for:0.0131 or:0.0123 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7487 the:0.0711 and:0.0602 of:0.0409 to:0.0161 his:0.0157 a:0.0147 in:0.0127 for:0.0109 is:0.0090 -:0.7351 of:0.1178 and:0.0371 in:0.0323 the:0.0152 a:0.0138 that:0.0135 as:0.0130 to:0.0127 for:0.0096 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9180 and:0.0158 the:0.0156 of:0.0145 to:0.0099 in:0.0058 with:0.0057 man:0.0051 is:0.0049 time:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6688 the:0.0771 by:0.0548 to:0.0538 a:0.0389 at:0.0259 and:0.0234 for:0.0206 as:0.0189 of:0.0179 -:0.9019 a:0.0318 the:0.0284 one:0.0075 other:0.0075 fifty:0.0060 two:0.0047 per:0.0045 each:0.0040 every:0.0039 -:0.6227 to:0.2824 and:0.0373 the:0.0140 for:0.0115 in:0.0084 from:0.0065 a:0.0058 on:0.0057 at:0.0057 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7860 and:0.0613 of:0.0474 as:0.0264 in:0.0224 the:0.0156 to:0.0155 on:0.0095 that:0.0085 are:0.0074 -:0.6870 the:0.1696 a:0.0782 of:0.0204 tho:0.0095 an:0.0081 this:0.0077 and:0.0076 in:0.0063 one:0.0056 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -the:0.0615 :0.8052 a:0.0374 this:0.0293 his:0.0126 their:0.0117 its:0.0116 said:0.0110 which:0.0106 our:0.0093 -:0.6609 the:0.1039 a:0.1024 and:0.0553 his:0.0212 in:0.0199 an:0.0145 their:0.0077 this:0.0072 its:0.0069 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8358 and:0.0328 was:0.0277 is:0.0246 so:0.0160 a:0.0143 are:0.0125 of:0.0124 as:0.0122 the:0.0117 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.8972 and:0.0315 of:0.0254 to:0.0094 as:0.0091 is:0.0072 was:0.0061 the:0.0059 or:0.0044 in:0.0038 -:0.9234 wife:0.0109 hand:0.0099 home:0.0095 hands:0.0093 way:0.0083 life:0.0079 seat:0.0076 work:0.0073 death:0.0059 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5610 of:0.1794 the:0.0759 in:0.0597 he:0.0237 and:0.0235 is:0.0223 by:0.0184 to:0.0182 on:0.0179 -of:0.3025 :0.3456 in:0.1021 for:0.0561 and:0.0560 to:0.0434 on:0.0299 at:0.0265 that:0.0204 from:0.0173 -:0.7714 of:0.0661 and:0.0577 to:0.0242 in:0.0207 for:0.0187 or:0.0122 is:0.0105 the:0.0099 with:0.0085 -:0.6512 the:0.2223 a:0.0345 he:0.0216 it:0.0206 that:0.0120 tho:0.0118 this:0.0106 his:0.0081 they:0.0073 -:0.8417 the:0.0593 two:0.0200 ten:0.0182 at:0.0150 all:0.0116 eight:0.0100 which:0.0084 this:0.0084 their:0.0074 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9527 same:0.0068 city:0.0066 people:0.0061 time:0.0054 world:0.0053 country:0.0047 right:0.0044 matter:0.0040 war:0.0040 -:0.7761 and:0.0568 that:0.0510 as:0.0423 but:0.0256 it:0.0139 which:0.0113 to:0.0093 or:0.0069 for:0.0068 -:0.6262 a:0.1159 is:0.0615 was:0.0524 the:0.0505 and:0.0366 are:0.0211 of:0.0129 be:0.0128 were:0.0102 -:0.7214 the:0.0825 of:0.0425 and:0.0325 a:0.0321 for:0.0213 by:0.0207 at:0.0168 or:0.0153 in:0.0148 -:0.5593 the:0.2873 at:0.0317 a:0.0316 and:0.0190 to:0.0176 his:0.0172 that:0.0133 by:0.0119 tho:0.0112 -:0.8832 and:0.0479 the:0.0240 of:0.0085 a:0.0072 or:0.0069 he:0.0066 was:0.0061 we:0.0048 one:0.0047 -the:0.2778 :0.3717 in:0.1222 a:0.0768 this:0.0346 his:0.0321 their:0.0262 no:0.0216 any:0.0202 that:0.0168 -:0.8520 the:0.0513 a:0.0162 and:0.0151 to:0.0127 in:0.0123 of:0.0109 it:0.0107 that:0.0106 he:0.0082 -of:0.4156 :0.4134 in:0.0493 to:0.0432 and:0.0247 for:0.0130 ot:0.0121 that:0.0111 on:0.0091 or:0.0086 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8226 and:0.0417 of:0.0322 is:0.0271 in:0.0175 but:0.0137 that:0.0131 as:0.0126 for:0.0111 which:0.0084 -:0.8790 and:0.0312 in:0.0193 a:0.0189 the:0.0184 to:0.0098 one:0.0065 at:0.0059 of:0.0056 on:0.0054 -:0.8444 and:0.0421 to:0.0254 in:0.0181 so:0.0177 say:0.0115 is:0.0110 but:0.0110 all:0.0097 on:0.0092 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6599 the:0.0909 he:0.0560 we:0.0520 they:0.0443 will:0.0267 was:0.0203 has:0.0180 is:0.0165 a:0.0154 -:0.9269 and:0.0250 it:0.0125 to:0.0077 of:0.0069 was:0.0066 which:0.0041 or:0.0038 is:0.0033 that:0.0032 -:0.8604 and:0.0479 a:0.0216 of:0.0133 the:0.0122 that:0.0121 as:0.0117 is:0.0083 was:0.0068 in:0.0057 -:0.7657 it:0.1070 which:0.0356 there:0.0212 that:0.0164 he:0.0138 and:0.0135 him:0.0108 what:0.0090 as:0.0070 -:0.5313 the:0.1526 a:0.0976 this:0.0588 to:0.0533 her:0.0348 it:0.0208 that:0.0195 tho:0.0192 his:0.0122 -:0.9600 made:0.0072 not:0.0066 in:0.0045 killed:0.0040 taken:0.0038 due:0.0037 one:0.0037 given:0.0033 known:0.0031 -:0.8934 wife:0.0363 hand:0.0130 life:0.0110 hands:0.0100 home:0.0083 head:0.0079 death:0.0073 friends:0.0067 father:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6934 we:0.0595 they:0.0483 he:0.0446 and:0.0396 it:0.0341 which:0.0240 that:0.0191 you:0.0191 there:0.0183 -:0.8632 one:0.0642 all:0.0174 any:0.0154 some:0.0125 those:0.0068 each:0.0063 that:0.0054 day:0.0046 many:0.0042 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.6378 is:0.0708 of:0.0544 are:0.0532 and:0.0491 was:0.0454 or:0.0334 to:0.0255 in:0.0183 were:0.0122 -:0.9700 it:0.0054 he:0.0050 was:0.0033 is:0.0033 they:0.0029 are:0.0026 a:0.0026 we:0.0025 who:0.0023 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8726 hour:0.0480 old:0.0336 average:0.0099 equal:0.0082 inch:0.0060 active:0.0059 open:0.0056 additional:0.0055 enormous:0.0046 -:0.6228 of:0.1005 in:0.0845 the:0.0685 and:0.0274 for:0.0230 by:0.0212 a:0.0205 with:0.0189 to:0.0125 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6662 of:0.1325 and:0.0761 to:0.0339 in:0.0288 with:0.0157 is:0.0136 that:0.0124 for:0.0119 was:0.0087 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6127 was:0.0859 be:0.0694 is:0.0442 has:0.0405 and:0.0350 had:0.0314 have:0.0303 are:0.0268 were:0.0238 -:0.5694 the:0.1792 and:0.0741 a:0.0725 to:0.0363 that:0.0203 in:0.0154 for:0.0111 as:0.0110 at:0.0107 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7197 which:0.0626 whom:0.0491 that:0.0436 think:0.0300 what:0.0279 say:0.0234 do:0.0231 see:0.0107 be:0.0099 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9621 and:0.0099 of:0.0070 the:0.0054 time:0.0046 day:0.0027 new:0.0024 a:0.0020 county:0.0020 old:0.0020 -:0.8874 the:0.0383 a:0.0159 in:0.0111 that:0.0105 it:0.0081 to:0.0081 of:0.0079 with:0.0065 by:0.0061 -:0.7945 and:0.0643 is:0.0403 was:0.0331 are:0.0122 or:0.0119 do:0.0119 be:0.0110 has:0.0110 had:0.0096 -:0.6125 the:0.1886 is:0.0704 not:0.0329 he:0.0203 was:0.0200 this:0.0194 it:0.0136 had:0.0112 we:0.0111 -:0.6585 of:0.1167 in:0.0640 and:0.0384 to:0.0353 for:0.0235 on:0.0181 with:0.0180 by:0.0147 at:0.0129 -:0.8512 at:0.0797 and:0.0179 the:0.0133 of:0.0099 or:0.0069 for:0.0063 a:0.0062 in:0.0045 an:0.0041 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5662 the:0.2456 a:0.0570 of:0.0524 and:0.0333 tho:0.0126 in:0.0087 for:0.0083 his:0.0080 no:0.0079 -:0.7866 it:0.0370 which:0.0325 that:0.0324 he:0.0300 and:0.0273 we:0.0176 they:0.0160 who:0.0113 there:0.0092 -:0.9281 and:0.0300 was:0.0119 is:0.0083 or:0.0049 it:0.0039 are:0.0036 that:0.0034 were:0.0031 but:0.0029 -:0.5488 to:0.2453 and:0.0885 will:0.0453 would:0.0215 of:0.0122 was:0.0113 in:0.0095 or:0.0090 may:0.0087 -:0.6701 in:0.0701 to:0.0653 the:0.0467 a:0.0450 for:0.0333 and:0.0313 with:0.0156 on:0.0130 all:0.0097 -:0.8085 it:0.0602 there:0.0462 now:0.0283 not:0.0160 what:0.0095 that:0.0087 he:0.0086 one:0.0076 so:0.0066 -:0.5291 is:0.0900 was:0.0787 does:0.0628 did:0.0564 and:0.0423 will:0.0369 has:0.0354 would:0.0349 could:0.0336 -the:0.2331 :0.5169 a:0.0955 no:0.0484 an:0.0367 in:0.0190 not:0.0163 tho:0.0123 of:0.0119 said:0.0098 -:0.6779 the:0.1586 and:0.0413 a:0.0411 of:0.0208 no:0.0161 his:0.0137 this:0.0123 any:0.0093 our:0.0090 -:0.4952 in:0.1837 to:0.1603 that:0.0368 by:0.0253 for:0.0244 on:0.0233 at:0.0225 from:0.0166 of:0.0119 -:0.8369 that:0.0316 and:0.0215 if:0.0211 but:0.0186 in:0.0182 before:0.0143 on:0.0129 when:0.0128 to:0.0121 -a:0.0375 no:0.0337 not:0.0251 gone:0.0101 heard:0.0092 :0.8568 done:0.0077 to:0.0070 seen:0.0065 become:0.0063 -the:0.4347 a:0.1644 :0.1934 his:0.0695 their:0.0367 tho:0.0300 an:0.0218 its:0.0206 our:0.0199 her:0.0089 -the:0.3775 :0.4153 said:0.1026 this:0.0300 a:0.0248 tho:0.0131 our:0.0119 any:0.0111 his:0.0075 their:0.0061 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7825 it:0.0511 he:0.0425 there:0.0309 which:0.0266 and:0.0252 she:0.0133 who:0.0116 that:0.0102 lie:0.0061 -:0.6397 of:0.1497 and:0.0675 the:0.0407 for:0.0282 in:0.0211 to:0.0174 with:0.0141 by:0.0113 or:0.0103 -:0.9153 him:0.0172 away:0.0141 them:0.0141 it:0.0092 and:0.0077 came:0.0064 or:0.0060 derived:0.0052 us:0.0048 -:0.7042 of:0.1113 and:0.1044 in:0.0213 or:0.0205 to:0.0136 is:0.0072 for:0.0065 are:0.0057 a:0.0053 -:0.7273 made:0.0786 taken:0.0430 picked:0.0344 put:0.0289 kept:0.0247 held:0.0172 brought:0.0167 drawn:0.0146 set:0.0145 -:0.7462 north:0.0958 south:0.0785 east:0.0378 west:0.0178 with:0.0079 and:0.0052 in:0.0040 right:0.0039 easterly:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -been:0.0780 a:0.0155 an:0.0123 fallen:0.0090 seen:0.0083 done:0.0066 forgotten:0.0061 taken:0.0061 the:0.0060 become:0.0059 -:0.8107 and:0.0460 the:0.0416 of:0.0243 he:0.0168 it:0.0146 in:0.0142 is:0.0107 that:0.0106 to:0.0104 -the:0.4513 his:0.1091 :0.2621 a:0.0416 any:0.0318 its:0.0299 tho:0.0263 her:0.0179 their:0.0159 this:0.0141 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9703 same:0.0056 best:0.0036 only:0.0035 city:0.0030 most:0.0030 first:0.0029 world:0.0029 present:0.0028 past:0.0024 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.6991 of:0.0993 and:0.0638 the:0.0420 to:0.0349 in:0.0174 that:0.0148 a:0.0146 for:0.0073 as:0.0069 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -of:0.3079 :0.5061 the:0.0477 in:0.0287 and:0.0285 a:0.0242 that:0.0201 to:0.0140 it:0.0131 for:0.0098 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.6745 a:0.1016 so:0.0576 as:0.0421 the:0.0419 and:0.0241 of:0.0199 is:0.0138 was:0.0130 very:0.0116 -:0.8982 the:0.0432 which:0.0126 this:0.0111 all:0.0074 a:0.0068 said:0.0057 it:0.0053 them:0.0049 land:0.0048 -:0.7887 and:0.0823 of:0.0342 in:0.0238 that:0.0157 the:0.0149 was:0.0110 to:0.0104 is:0.0100 or:0.0089 -:0.8192 the:0.0719 a:0.0346 to:0.0166 and:0.0133 that:0.0128 in:0.0112 his:0.0084 of:0.0061 it:0.0057 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8349 been:0.0618 made:0.0218 done:0.0166 gone:0.0141 taken:0.0137 come:0.0121 placed:0.0086 seen:0.0085 paid:0.0078 -of:0.4436 :0.3869 and:0.0425 in:0.0323 for:0.0275 on:0.0156 to:0.0149 that:0.0143 at:0.0132 with:0.0092 -:0.7140 the:0.1635 a:0.0372 of:0.0164 and:0.0162 his:0.0160 our:0.0099 in:0.0096 tho:0.0088 no:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8755 time:0.0573 way:0.0200 and:0.0090 one:0.0083 thing:0.0071 work:0.0060 reason:0.0058 person:0.0056 day:0.0054 -:0.8390 day:0.0590 side:0.0300 part:0.0138 line:0.0126 quarter:0.0098 hundred:0.0096 class:0.0090 one:0.0087 kind:0.0086 -in:0.2953 :0.5128 the:0.0484 to:0.0370 not:0.0250 an:0.0248 no:0.0174 hereby:0.0140 now:0.0128 a:0.0125 -in:0.2515 of:0.2040 :0.2941 on:0.0742 to:0.0352 for:0.0340 from:0.0317 at:0.0269 with:0.0246 and:0.0238 -:0.9102 as:0.0165 him:0.0117 is:0.0114 up:0.0111 and:0.0106 according:0.0099 them:0.0068 it:0.0061 seemed:0.0058 -:0.7571 the:0.1027 a:0.0629 any:0.0253 this:0.0119 an:0.0107 it:0.0095 tho:0.0080 that:0.0065 one:0.0054 -to:0.6406 :0.2938 will:0.0206 and:0.0107 would:0.0076 it:0.0074 the:0.0069 for:0.0043 shall:0.0043 we:0.0037 -not:0.4061 :0.4664 the:0.0801 a:0.0103 that:0.0096 to:0.0060 and:0.0056 it:0.0056 all:0.0056 in:0.0048 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7778 the:0.1256 of:0.0207 a:0.0170 and:0.0147 to:0.0127 named:0.0101 it:0.0081 that:0.0067 tho:0.0066 -:0.6415 a:0.0798 the:0.0702 by:0.0552 to:0.0485 in:0.0361 an:0.0202 and:0.0202 of:0.0145 for:0.0138 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -:0.6950 the:0.1365 a:0.0472 to:0.0351 by:0.0289 at:0.0135 in:0.0117 for:0.0115 and:0.0111 his:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9329 to:0.0142 made:0.0132 not:0.0120 the:0.0058 in:0.0053 and:0.0043 found:0.0043 an:0.0041 a:0.0039 -:0.7543 and:0.0633 if:0.0472 to:0.0245 that:0.0233 as:0.0199 tell:0.0185 which:0.0166 but:0.0162 before:0.0162 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7446 of:0.1163 and:0.0453 was:0.0164 the:0.0152 or:0.0146 is:0.0145 in:0.0132 for:0.0106 by:0.0092 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9729 time:0.0052 to:0.0038 years:0.0032 day:0.0028 men:0.0026 hand:0.0026 interest:0.0025 life:0.0022 and:0.0022 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9009 and:0.0372 feet:0.0235 of:0.0063 street:0.0062 at:0.0061 by:0.0055 as:0.0051 in:0.0050 was:0.0042 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.5086 the:0.1717 of:0.1670 and:0.0376 as:0.0273 is:0.0229 to:0.0205 or:0.0163 in:0.0142 he:0.0138 -of:0.2720 :0.4779 in:0.0745 with:0.0331 for:0.0311 from:0.0277 that:0.0230 on:0.0228 by:0.0190 to:0.0189 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.8918 line:0.0328 part:0.0208 amount:0.0106 side:0.0099 number:0.0080 one:0.0074 day:0.0066 portion:0.0064 sum:0.0055 -:0.7987 to:0.0630 and:0.0368 as:0.0237 the:0.0161 it:0.0148 all:0.0140 that:0.0115 is:0.0109 but:0.0106 -:0.8724 deed:0.0270 county:0.0215 lot:0.0161 action:0.0139 one:0.0109 day:0.0108 city:0.0102 that:0.0086 section:0.0086 -:0.7664 the:0.0711 to:0.0499 of:0.0244 a:0.0241 in:0.0220 and:0.0171 her:0.0092 that:0.0079 tho:0.0079 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8292 in:0.0350 with:0.0263 to:0.0240 for:0.0173 that:0.0172 of:0.0134 on:0.0134 all:0.0126 by:0.0117 -:0.7702 a:0.0877 not:0.0375 to:0.0207 no:0.0187 now:0.0155 only:0.0154 one:0.0126 still:0.0113 the:0.0104 -:0.6618 the:0.1654 of:0.0457 a:0.0371 and:0.0253 in:0.0149 to:0.0141 his:0.0135 tho:0.0117 no:0.0106 -:0.8017 and:0.0683 a:0.0315 to:0.0226 the:0.0162 that:0.0143 will:0.0128 is:0.0116 was:0.0107 as:0.0103 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7210 of:0.0856 and:0.0685 in:0.0256 to:0.0241 as:0.0210 was:0.0149 on:0.0144 the:0.0133 for:0.0117 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8156 of:0.0416 and:0.0393 to:0.0216 was:0.0177 for:0.0150 is:0.0141 on:0.0133 or:0.0115 has:0.0103 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8588 the:0.0472 and:0.0219 of:0.0185 many:0.0138 good:0.0115 great:0.0084 to:0.0079 other:0.0062 our:0.0059 -:0.8640 and:0.0545 is:0.0197 of:0.0142 was:0.0121 it:0.0117 as:0.0074 in:0.0074 are:0.0048 that:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9446 few:0.0097 little:0.0092 man:0.0075 good:0.0065 large:0.0053 long:0.0047 time:0.0046 year:0.0042 great:0.0039 -:0.7383 of:0.0653 the:0.0516 and:0.0431 a:0.0236 in:0.0219 that:0.0180 at:0.0167 to:0.0113 or:0.0102 -the:0.0049 this:0.0048 a:0.0039 said:0.0032 :0.9692 what:0.0032 any:0.0031 trust:0.0027 nper:0.0025 sale:0.0025 -:0.9299 and:0.0192 the:0.0166 to:0.0064 a:0.0062 in:0.0051 of:0.0045 that:0.0043 or:0.0042 one:0.0036 -:0.8756 and:0.0296 was:0.0280 of:0.0121 is:0.0113 has:0.0107 in:0.0093 or:0.0085 were:0.0075 last:0.0074 -the:0.3958 :0.5043 a:0.0281 his:0.0178 tho:0.0165 this:0.0123 their:0.0076 an:0.0063 and:0.0059 tbe:0.0055 -:0.8055 to:0.0762 and:0.0570 the:0.0132 of:0.0103 he:0.0090 not:0.0081 we:0.0076 or:0.0066 would:0.0065 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.7625 the:0.1568 a:0.0250 tho:0.0103 an:0.0099 this:0.0083 said:0.0074 it:0.0074 that:0.0068 his:0.0056 -:0.8519 it:0.0524 time:0.0212 he:0.0198 is:0.0109 they:0.0105 there:0.0101 you:0.0087 we:0.0083 all:0.0063 -:0.8995 a:0.0197 so:0.0140 an:0.0129 to:0.0110 made:0.0109 the:0.0093 no:0.0080 found:0.0077 done:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6644 of:0.0893 and:0.0783 in:0.0482 at:0.0286 to:0.0251 with:0.0193 that:0.0178 for:0.0159 is:0.0130 -:0.6794 the:0.0967 a:0.0910 of:0.0243 in:0.0231 and:0.0230 by:0.0198 or:0.0168 their:0.0135 his:0.0124 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.7996 the:0.1098 his:0.0164 an:0.0133 tho:0.0126 our:0.0117 a:0.0111 said:0.0087 her:0.0085 this:0.0083 -:0.6587 the:0.1923 he:0.0453 a:0.0312 it:0.0222 they:0.0164 tho:0.0094 we:0.0089 that:0.0081 his:0.0074 -would:0.2235 :0.3502 will:0.1433 could:0.0603 should:0.0564 may:0.0441 can:0.0399 to:0.0351 must:0.0238 might:0.0236 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8526 in:0.0263 it:0.0254 with:0.0176 that:0.0172 such:0.0144 by:0.0131 as:0.0128 for:0.0113 the:0.0092 -:0.8559 made:0.0274 held:0.0228 paid:0.0195 placed:0.0163 found:0.0136 used:0.0117 put:0.0110 done:0.0110 taken:0.0107 -:0.9050 and:0.0233 in:0.0183 not:0.0104 to:0.0100 but:0.0094 as:0.0070 made:0.0068 of:0.0053 for:0.0045 -his:0.2241 their:0.1896 our:0.1181 :0.2276 the:0.0845 her:0.0616 its:0.0394 my:0.0273 tho:0.0139 these:0.0138 -:0.3840 that:0.2306 it:0.2049 he:0.1000 which:0.0246 she:0.0189 and:0.0170 there:0.0109 ho:0.0048 what:0.0044 -:0.4986 a:0.1654 by:0.0818 the:0.0673 to:0.0616 in:0.0380 for:0.0275 his:0.0200 of:0.0200 and:0.0197 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6915 to:0.0652 in:0.0588 the:0.0413 and:0.0313 of:0.0302 a:0.0257 by:0.0254 for:0.0167 that:0.0139 -:0.6610 of:0.1978 and:0.0530 in:0.0225 the:0.0149 or:0.0115 that:0.0110 is:0.0108 for:0.0097 on:0.0079 -:0.5365 the:0.2420 a:0.1236 of:0.0250 and:0.0243 his:0.0156 tho:0.0091 their:0.0083 this:0.0079 in:0.0076 -the:0.2380 :0.4618 an:0.1693 a:0.0411 in:0.0225 and:0.0172 of:0.0152 tho:0.0149 this:0.0107 their:0.0095 -:0.9477 and:0.0140 of:0.0076 in:0.0059 to:0.0055 as:0.0050 the:0.0039 or:0.0039 time:0.0034 a:0.0031 -:0.9754 of:0.0041 than:0.0039 and:0.0028 in:0.0027 or:0.0025 not:0.0025 which:0.0021 at:0.0020 oclock:0.0020 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8629 a:0.0392 not:0.0229 one:0.0130 the:0.0127 only:0.0120 to:0.0120 that:0.0093 in:0.0081 he:0.0078 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.5403 to:0.0893 in:0.0869 and:0.0833 of:0.0638 for:0.0486 or:0.0341 at:0.0195 that:0.0172 the:0.0170 -:0.7069 of:0.0995 and:0.0534 to:0.0488 in:0.0238 for:0.0204 the:0.0147 with:0.0146 by:0.0094 is:0.0084 -:0.7534 the:0.1083 a:0.0286 of:0.0257 to:0.0198 it:0.0164 and:0.0162 an:0.0123 their:0.0099 his:0.0094 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -the:0.4187 :0.4395 of:0.0497 a:0.0340 tho:0.0169 and:0.0128 his:0.0078 in:0.0078 this:0.0067 that:0.0061 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.5014 to:0.1971 will:0.0745 can:0.0604 would:0.0391 not:0.0326 could:0.0276 we:0.0267 and:0.0261 may:0.0146 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -to:0.4376 :0.3765 will:0.0593 and:0.0518 would:0.0181 can:0.0158 could:0.0116 should:0.0106 must:0.0097 who:0.0089 -:0.5616 of:0.1713 the:0.0814 and:0.0661 in:0.0329 or:0.0315 to:0.0224 that:0.0143 for:0.0107 with:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.6590 :0.2122 in:0.0353 on:0.0260 for:0.0154 and:0.0153 with:0.0100 to:0.0097 from:0.0094 ot:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9457 he:0.0097 time:0.0092 who:0.0065 and:0.0059 they:0.0054 it:0.0053 there:0.0047 days:0.0040 men:0.0037 -:0.8236 of:0.0567 the:0.0542 and:0.0195 a:0.0099 any:0.0089 or:0.0080 in:0.0078 to:0.0059 for:0.0055 -as:0.1525 :0.3505 in:0.1348 to:0.1307 that:0.0886 for:0.0382 of:0.0308 by:0.0275 on:0.0265 at:0.0198 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.7108 of:0.1050 the:0.0461 old:0.0327 and:0.0294 in:0.0226 no:0.0173 that:0.0148 ago:0.0107 with:0.0104 -the:0.4518 :0.4607 a:0.0254 tho:0.0144 his:0.0113 to:0.0097 and:0.0083 is:0.0067 would:0.0060 was:0.0057 -them:0.0106 him:0.0086 :0.9497 the:0.0051 me:0.0047 some:0.0047 you:0.0047 all:0.0041 that:0.0040 each:0.0039 -:0.9466 and:0.0251 it:0.0060 that:0.0040 or:0.0036 is:0.0035 was:0.0034 but:0.0028 of:0.0026 as:0.0024 -:0.8068 the:0.0669 a:0.0649 all:0.0106 he:0.0102 his:0.0091 two:0.0086 this:0.0084 their:0.0078 are:0.0067 -:0.9185 side:0.0189 line:0.0152 part:0.0131 number:0.0082 amount:0.0057 day:0.0055 office:0.0052 portion:0.0049 matter:0.0048 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8103 a:0.0425 the:0.0382 to:0.0282 in:0.0206 one:0.0195 and:0.0148 of:0.0113 that:0.0079 by:0.0067 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.7162 by:0.0560 in:0.0506 and:0.0484 that:0.0339 the:0.0250 to:0.0222 on:0.0174 a:0.0160 for:0.0142 -:0.8222 is:0.0572 and:0.0407 as:0.0272 was:0.0119 are:0.0093 but:0.0084 or:0.0079 seemed:0.0077 from:0.0076 -:0.7605 to:0.0895 the:0.0376 and:0.0339 for:0.0221 his:0.0151 of:0.0142 that:0.0112 or:0.0084 as:0.0074 -:0.6446 a:0.1082 of:0.0754 the:0.0600 and:0.0544 in:0.0237 with:0.0130 to:0.0087 or:0.0064 on:0.0057 -:0.6482 be:0.1036 and:0.0526 was:0.0470 he:0.0374 is:0.0335 has:0.0250 have:0.0196 were:0.0169 are:0.0162 -:0.8333 and:0.0610 the:0.0290 a:0.0240 of:0.0139 is:0.0101 are:0.0083 was:0.0080 or:0.0064 to:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7599 the:0.0689 to:0.0364 and:0.0363 in:0.0283 a:0.0272 of:0.0240 or:0.0065 his:0.0065 this:0.0060 -:0.7753 and:0.0559 or:0.0353 is:0.0339 of:0.0272 the:0.0213 no:0.0144 was:0.0135 a:0.0128 are:0.0105 -:0.7673 is:0.0515 was:0.0501 be:0.0212 as:0.0197 and:0.0188 had:0.0187 it:0.0184 he:0.0179 are:0.0165 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7935 and:0.0791 a:0.0319 the:0.0187 of:0.0151 to:0.0145 or:0.0133 is:0.0119 are:0.0112 was:0.0107 -:0.8467 and:0.0617 of:0.0288 are:0.0147 is:0.0143 was:0.0089 held:0.0068 but:0.0063 or:0.0062 for:0.0055 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -to:0.5035 :0.4308 only:0.0168 be:0.0160 a:0.0084 more:0.0059 always:0.0053 not:0.0049 and:0.0044 have:0.0041 -single:0.0093 few:0.0080 special:0.0058 permanent:0.0057 dozen:0.0057 certain:0.0055 small:0.0046 great:0.0045 considerable:0.0044 short:0.0042 -:0.5399 as:0.2368 is:0.0629 and:0.0407 was:0.0390 so:0.0192 the:0.0179 are:0.0163 be:0.0138 a:0.0135 -:0.8548 to:0.0308 and:0.0298 of:0.0280 that:0.0130 in:0.0127 for:0.0108 with:0.0069 was:0.0068 the:0.0064 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8840 the:0.0269 and:0.0245 a:0.0226 his:0.0110 in:0.0068 this:0.0063 is:0.0063 said:0.0062 next:0.0052 -:0.9289 same:0.0210 highest:0.0081 best:0.0071 first:0.0070 said:0.0068 world:0.0059 city:0.0058 most:0.0050 next:0.0044 -:0.8948 made:0.0265 paid:0.0139 used:0.0115 held:0.0113 done:0.0109 found:0.0101 taken:0.0089 sold:0.0073 seen:0.0048 -:0.7663 the:0.0442 and:0.0328 of:0.0322 to:0.0297 that:0.0278 by:0.0235 in:0.0197 for:0.0125 as:0.0112 -:0.6815 and:0.0932 is:0.0651 was:0.0530 are:0.0283 has:0.0260 will:0.0204 were:0.0128 have:0.0101 but:0.0097 -:0.7545 the:0.0898 and:0.0465 of:0.0352 a:0.0231 is:0.0130 was:0.0122 to:0.0097 in:0.0097 this:0.0064 -:0.8458 the:0.0566 and:0.0422 a:0.0206 this:0.0083 to:0.0077 that:0.0065 or:0.0043 he:0.0041 it:0.0038 -:0.7119 was:0.0665 and:0.0454 is:0.0333 be:0.0283 are:0.0263 have:0.0243 were:0.0219 had:0.0214 has:0.0206 -:0.6964 it:0.0490 which:0.0452 that:0.0412 as:0.0366 we:0.0310 they:0.0269 you:0.0269 he:0.0235 and:0.0233 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9447 city:0.0097 world:0.0080 country:0.0065 same:0.0058 said:0.0056 case:0.0052 time:0.0050 most:0.0049 only:0.0044 -:0.6265 will:0.1003 would:0.0684 could:0.0561 may:0.0370 can:0.0286 must:0.0243 might:0.0200 should:0.0195 to:0.0193 -:0.9071 few:0.0262 year:0.0161 man:0.0109 day:0.0079 little:0.0077 week:0.0067 more:0.0063 piece:0.0056 good:0.0056 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.5352 an:0.2329 the:0.1575 a:0.0188 his:0.0124 of:0.0117 and:0.0103 tho:0.0083 our:0.0066 their:0.0064 -:0.6555 it:0.1138 which:0.0506 he:0.0488 there:0.0333 she:0.0227 who:0.0221 and:0.0203 what:0.0177 that:0.0151 -:0.8135 be:0.0821 and:0.0424 not:0.0176 been:0.0093 is:0.0088 was:0.0082 at:0.0064 in:0.0059 being:0.0058 -the:0.5925 :0.2936 a:0.0266 this:0.0245 tho:0.0198 his:0.0109 be:0.0096 tbe:0.0088 its:0.0072 our:0.0067 -the:0.5965 :0.2464 a:0.0532 by:0.0240 tho:0.0234 this:0.0218 his:0.0107 its:0.0103 tbe:0.0076 their:0.0060 -:0.8770 be:0.0446 work:0.0118 come:0.0116 appear:0.0111 him:0.0098 go:0.0096 put:0.0088 live:0.0082 do:0.0076 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.4434 :0.3394 to:0.0568 in:0.0373 on:0.0286 for:0.0259 and:0.0243 was:0.0161 with:0.0152 by:0.0129 -:0.6551 of:0.1549 in:0.0453 to:0.0336 and:0.0260 at:0.0232 for:0.0192 on:0.0161 that:0.0160 by:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9348 and:0.0115 went:0.0076 it:0.0074 according:0.0073 able:0.0070 is:0.0070 came:0.0062 enough:0.0059 them:0.0053 -:0.9264 a:0.0178 the:0.0170 it:0.0106 and:0.0096 all:0.0047 in:0.0042 that:0.0034 for:0.0033 to:0.0030 -:0.8257 and:0.0476 of:0.0301 was:0.0230 are:0.0161 is:0.0160 were:0.0135 or:0.0133 will:0.0088 has:0.0059 -:0.8197 and:0.0467 the:0.0229 who:0.0206 we:0.0191 will:0.0176 they:0.0154 is:0.0133 he:0.0126 would:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7421 and:0.0535 of:0.0524 in:0.0471 the:0.0319 to:0.0259 that:0.0129 a:0.0122 for:0.0112 by:0.0107 -:0.8544 able:0.0252 not:0.0247 likely:0.0233 going:0.0146 ready:0.0131 expected:0.0116 impossible:0.0115 supposed:0.0109 unable:0.0107 -:0.8740 and:0.0315 the:0.0238 of:0.0187 a:0.0122 to:0.0121 in:0.0120 was:0.0067 or:0.0045 for:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5859 the:0.1478 to:0.0742 and:0.0510 a:0.0371 in:0.0358 by:0.0216 his:0.0167 of:0.0151 with:0.0147 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.8330 and:0.0450 the:0.0236 in:0.0222 was:0.0201 of:0.0172 be:0.0123 is:0.0101 he:0.0093 to:0.0073 -:0.6645 the:0.1453 of:0.0621 and:0.0411 to:0.0269 in:0.0226 a:0.0097 for:0.0095 by:0.0095 on:0.0088 -:0.9531 most:0.0066 same:0.0061 present:0.0056 country:0.0054 city:0.0052 great:0.0050 time:0.0046 first:0.0042 only:0.0041 -:0.6771 who:0.1232 and:0.0528 he:0.0498 are:0.0198 we:0.0195 they:0.0181 have:0.0137 had:0.0137 were:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7135 was:0.0572 be:0.0480 he:0.0472 and:0.0283 had:0.0249 is:0.0227 have:0.0221 has:0.0217 we:0.0143 -a:0.0344 :0.8796 the:0.0200 per:0.0146 his:0.0134 any:0.0128 and:0.0068 of:0.0068 no:0.0060 my:0.0057 -:0.6799 have:0.0592 had:0.0505 was:0.0477 be:0.0376 has:0.0331 and:0.0319 he:0.0255 are:0.0214 in:0.0133 -:0.7614 the:0.1125 that:0.0240 in:0.0180 to:0.0178 no:0.0155 by:0.0143 a:0.0132 for:0.0126 at:0.0107 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9607 and:0.0108 are:0.0059 to:0.0043 is:0.0035 all:0.0033 work:0.0031 we:0.0031 was:0.0028 will:0.0026 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.6178 of:0.1339 in:0.0626 at:0.0333 or:0.0330 for:0.0329 to:0.0251 by:0.0241 and:0.0188 than:0.0186 -:0.8744 and:0.0393 of:0.0228 to:0.0218 in:0.0149 that:0.0064 on:0.0063 as:0.0050 for:0.0047 with:0.0044 -the:0.3524 :0.4787 no:0.0301 any:0.0269 all:0.0264 a:0.0232 this:0.0191 not:0.0151 such:0.0145 his:0.0137 -:0.7753 and:0.0559 or:0.0353 is:0.0339 of:0.0272 the:0.0213 no:0.0144 was:0.0135 a:0.0128 are:0.0105 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -a:0.1794 no:0.0600 the:0.0543 very:0.0290 :0.6279 said:0.0147 one:0.0098 an:0.0092 any:0.0081 much:0.0075 -other:0.0228 particular:0.0073 kind:0.0056 one:0.0053 person:0.0039 new:0.0036 old:0.0035 more:0.0033 little:0.0033 common:0.0032 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7206 of:0.1030 to:0.0628 and:0.0382 in:0.0177 that:0.0157 he:0.0128 a:0.0099 for:0.0098 the:0.0094 -:0.7785 the:0.0412 and:0.0369 of:0.0346 few:0.0280 two:0.0194 three:0.0184 degrees:0.0148 is:0.0148 for:0.0133 -:0.7727 of:0.0570 and:0.0424 the:0.0324 is:0.0251 to:0.0210 in:0.0183 are:0.0124 for:0.0095 was:0.0093 -:0.9569 them:0.0064 land:0.0061 life:0.0056 the:0.0052 men:0.0049 sale:0.0048 water:0.0037 interest:0.0032 all:0.0032 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -of:0.5422 :0.2885 in:0.0516 and:0.0361 on:0.0198 with:0.0178 to:0.0125 at:0.0111 for:0.0109 from:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8313 south:0.0535 north:0.0422 the:0.0133 of:0.0129 with:0.0127 in:0.0096 to:0.0092 and:0.0082 east:0.0070 -:0.7393 the:0.1367 and:0.0339 a:0.0189 of:0.0167 his:0.0161 this:0.0108 an:0.0093 said:0.0093 tho:0.0088 -of:0.4137 :0.3474 to:0.0520 from:0.0405 on:0.0314 by:0.0299 with:0.0237 in:0.0228 and:0.0214 for:0.0172 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.5328 the:0.1988 of:0.0683 at:0.0543 a:0.0506 in:0.0320 to:0.0215 and:0.0153 for:0.0144 by:0.0120 -the:0.3095 :0.5248 a:0.0368 which:0.0208 his:0.0204 tho:0.0202 him:0.0175 them:0.0172 this:0.0166 it:0.0161 -of:0.2432 :0.5145 and:0.1299 in:0.0289 to:0.0237 or:0.0150 from:0.0126 is:0.0113 was:0.0107 on:0.0102 -:0.6901 the:0.1938 his:0.0280 a:0.0230 tho:0.0221 their:0.0132 no:0.0085 an:0.0074 our:0.0072 that:0.0069 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6094 the:0.1209 a:0.1055 of:0.0762 in:0.0324 and:0.0182 with:0.0102 this:0.0095 to:0.0094 for:0.0083 -:0.5905 the:0.2446 in:0.0574 of:0.0331 a:0.0255 and:0.0187 this:0.0131 tho:0.0077 by:0.0049 an:0.0044 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.6184 of:0.1279 and:0.0726 that:0.0382 at:0.0318 in:0.0280 for:0.0244 is:0.0224 with:0.0196 but:0.0168 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -of:0.3273 :0.4475 and:0.0890 to:0.0724 in:0.0220 for:0.0112 or:0.0097 was:0.0080 is:0.0066 as:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6010 real:0.3331 average:0.0133 old:0.0110 any:0.0094 said:0.0077 entire:0.0066 enormous:0.0063 immense:0.0062 actual:0.0056 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8028 the:0.0325 have:0.0299 is:0.0283 was:0.0201 has:0.0190 of:0.0188 are:0.0185 and:0.0156 a:0.0146 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.6193 the:0.2061 a:0.0600 that:0.0343 to:0.0209 it:0.0195 and:0.0120 this:0.0115 tho:0.0083 her:0.0081 -:0.6269 to:0.0966 and:0.0711 of:0.0653 in:0.0405 as:0.0258 was:0.0210 for:0.0198 on:0.0165 with:0.0165 -:0.9304 the:0.0222 it:0.0115 all:0.0075 them:0.0067 him:0.0064 said:0.0040 her:0.0040 this:0.0037 you:0.0036 -:0.6170 the:0.2822 and:0.0190 of:0.0163 a:0.0162 at:0.0142 tho:0.0125 his:0.0122 their:0.0052 tbe:0.0052 -:0.7863 to:0.0736 that:0.0303 we:0.0262 mortgage:0.0239 they:0.0195 who:0.0173 he:0.0082 county:0.0075 petition:0.0073 -:0.9287 is:0.0121 him:0.0102 went:0.0100 go:0.0077 regard:0.0069 come:0.0064 want:0.0062 and:0.0061 according:0.0058 -:0.8488 and:0.0491 is:0.0220 was:0.0183 to:0.0124 not:0.0106 will:0.0104 as:0.0099 that:0.0093 who:0.0092 -:0.9246 the:0.0226 a:0.0169 this:0.0107 and:0.0060 will:0.0050 it:0.0042 to:0.0036 not:0.0032 tho:0.0032 -:0.6599 the:0.1129 that:0.0532 this:0.0403 of:0.0339 a:0.0334 in:0.0222 some:0.0152 and:0.0147 no:0.0143 -:0.7078 a:0.0973 the:0.0857 that:0.0278 and:0.0209 it:0.0208 to:0.0119 his:0.0105 as:0.0097 this:0.0076 -has:0.2537 :0.3347 have:0.1902 had:0.1567 having:0.0239 not:0.0125 lias:0.0110 bad:0.0065 ha:0.0056 havo:0.0052 -:0.7774 he:0.0700 they:0.0300 and:0.0285 it:0.0266 we:0.0224 she:0.0167 who:0.0132 there:0.0085 ho:0.0066 -:0.9432 two:0.0150 one:0.0073 and:0.0067 on:0.0054 or:0.0051 more:0.0048 of:0.0047 three:0.0040 to:0.0038 -:0.5539 the:0.2819 a:0.0507 least:0.0235 tho:0.0203 his:0.0161 this:0.0156 once:0.0141 any:0.0127 such:0.0111 -:0.7281 the:0.0799 and:0.0601 a:0.0400 of:0.0306 to:0.0216 this:0.0122 in:0.0100 or:0.0090 no:0.0085 -to:0.2905 :0.3390 of:0.1359 in:0.1053 on:0.0356 from:0.0333 for:0.0199 and:0.0147 that:0.0139 at:0.0119 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8694 put:0.0185 come:0.0177 set:0.0165 came:0.0160 went:0.0154 sent:0.0134 pointed:0.0131 carried:0.0106 paid:0.0094 -:0.8496 and:0.0346 of:0.0270 the:0.0222 a:0.0215 in:0.0114 was:0.0098 to:0.0092 is:0.0081 that:0.0066 -:0.7156 the:0.1325 a:0.0461 that:0.0189 any:0.0180 he:0.0167 to:0.0149 one:0.0148 it:0.0116 all:0.0108 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.5754 to:0.2512 and:0.0528 of:0.0454 the:0.0214 or:0.0141 with:0.0128 in:0.0099 a:0.0092 that:0.0078 -:0.8718 and:0.0431 or:0.0188 of:0.0179 to:0.0120 is:0.0085 in:0.0075 was:0.0072 for:0.0067 first:0.0065 -:0.6498 of:0.1736 and:0.0705 in:0.0230 or:0.0227 is:0.0149 was:0.0137 the:0.0136 to:0.0107 on:0.0075 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8280 it:0.0314 which:0.0270 that:0.0219 he:0.0213 and:0.0188 there:0.0162 as:0.0126 they:0.0121 day:0.0106 -:0.5851 the:0.2626 to:0.0560 a:0.0249 his:0.0170 and:0.0117 of:0.0111 by:0.0109 in:0.0104 tho:0.0102 -:0.7771 and:0.0789 so:0.0326 of:0.0241 know:0.0204 say:0.0195 but:0.0178 in:0.0125 us:0.0097 fact:0.0074 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3539 :0.4539 a:0.0422 his:0.0348 our:0.0279 tho:0.0234 this:0.0217 their:0.0159 said:0.0137 its:0.0127 -:0.9414 one:0.0137 part:0.0114 number:0.0068 line:0.0051 many:0.0049 day:0.0048 out:0.0044 side:0.0039 half:0.0036 -:0.4980 to:0.1153 and:0.0827 as:0.0820 in:0.0628 for:0.0440 of:0.0398 with:0.0322 but:0.0220 that:0.0210 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -of:0.5265 :0.3797 and:0.0303 in:0.0141 ot:0.0123 or:0.0112 the:0.0097 to:0.0063 on:0.0052 thereof:0.0046 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9183 and:0.0285 was:0.0090 is:0.0081 of:0.0080 the:0.0067 with:0.0061 went:0.0058 or:0.0056 are:0.0039 -:0.7785 the:0.0412 and:0.0369 of:0.0346 few:0.0280 two:0.0194 three:0.0184 degrees:0.0148 is:0.0148 for:0.0133 -:0.6645 the:0.1453 of:0.0621 and:0.0411 to:0.0269 in:0.0226 a:0.0097 for:0.0095 by:0.0095 on:0.0088 -:0.8916 and:0.0535 that:0.0164 the:0.0070 a:0.0067 it:0.0061 as:0.0051 he:0.0050 who:0.0045 of:0.0042 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6733 tell:0.0866 do:0.0606 see:0.0567 give:0.0339 make:0.0234 say:0.0224 which:0.0151 think:0.0148 whom:0.0132 -:0.5899 the:0.1760 to:0.0682 of:0.0475 a:0.0349 this:0.0245 and:0.0220 in:0.0150 tho:0.0111 by:0.0109 -:0.5095 and:0.1896 as:0.1218 but:0.0538 that:0.0523 of:0.0202 which:0.0160 where:0.0137 for:0.0125 is:0.0106 -:0.8631 very:0.0241 great:0.0219 good:0.0202 little:0.0168 large:0.0156 new:0.0126 small:0.0094 certain:0.0088 most:0.0075 -:0.6073 the:0.2286 an:0.0619 of:0.0394 a:0.0133 and:0.0129 years:0.0129 or:0.0080 their:0.0078 tho:0.0078 -:0.7582 and:0.0638 of:0.0568 to:0.0384 the:0.0224 in:0.0210 or:0.0173 for:0.0095 a:0.0064 with:0.0063 -:0.6171 in:0.1131 that:0.0621 to:0.0495 by:0.0386 for:0.0383 at:0.0298 from:0.0199 on:0.0173 and:0.0144 -:0.6312 the:0.2736 a:0.0242 and:0.0217 of:0.0138 an:0.0086 this:0.0078 tho:0.0067 or:0.0064 his:0.0059 -:0.9295 own:0.0191 wife:0.0162 life:0.0071 hands:0.0057 way:0.0052 death:0.0047 hand:0.0046 father:0.0040 head:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.7788 and:0.0555 to:0.0419 is:0.0378 was:0.0262 are:0.0143 be:0.0134 or:0.0124 has:0.0108 but:0.0091 -:0.7903 the:0.0438 and:0.0321 a:0.0275 is:0.0265 of:0.0251 was:0.0177 that:0.0130 his:0.0126 has:0.0115 -the:0.3446 a:0.2035 :0.3350 this:0.0325 their:0.0215 tho:0.0148 any:0.0121 our:0.0121 be:0.0120 make:0.0118 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9743 his:0.0036 the:0.0033 a:0.0033 their:0.0031 my:0.0026 six:0.0025 no:0.0025 three:0.0024 several:0.0024 -:0.7823 they:0.0354 he:0.0319 is:0.0264 was:0.0236 be:0.0225 who:0.0209 we:0.0209 were:0.0182 it:0.0179 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -at:0.3189 :0.5730 and:0.0408 for:0.0112 was:0.0109 or:0.0106 is:0.0098 of:0.0097 to:0.0083 are:0.0069 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8898 the:0.0260 and:0.0242 he:0.0126 is:0.0122 was:0.0111 it:0.0083 are:0.0072 be:0.0048 who:0.0039 -:0.4374 have:0.2198 had:0.1530 has:0.0855 having:0.0443 not:0.0264 be:0.0105 lias:0.0103 ha:0.0065 that:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6477 was:0.0685 is:0.0442 and:0.0429 be:0.0428 has:0.0392 had:0.0336 have:0.0307 he:0.0304 were:0.0200 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7553 of:0.0809 the:0.0448 to:0.0274 and:0.0255 in:0.0254 that:0.0141 for:0.0099 a:0.0086 it:0.0081 -:0.6366 the:0.1791 a:0.0483 all:0.0320 this:0.0300 said:0.0235 his:0.0139 any:0.0125 its:0.0123 their:0.0118 -:0.7737 and:0.0817 but:0.0324 charged:0.0246 connected:0.0207 together:0.0206 met:0.0141 was:0.0118 filled:0.0113 of:0.0089 -:0.7001 see:0.0624 do:0.0589 know:0.0485 say:0.0479 tell:0.0204 be:0.0173 learn:0.0162 make:0.0147 think:0.0136 -the:0.0901 a:0.0297 tho:0.0273 his:0.0258 no:0.0253 this:0.0223 its:0.0194 our:0.0170 my:0.0160 every:0.0132 -be:0.1405 :0.6335 not:0.0953 he:0.0422 bo:0.0250 lie:0.0195 probably:0.0130 never:0.0128 have:0.0108 we:0.0075 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.6102 a:0.1383 been:0.1129 no:0.0573 the:0.0289 made:0.0129 in:0.0108 taken:0.0105 become:0.0105 not:0.0076 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.9409 little:0.0104 good:0.0085 great:0.0083 few:0.0081 large:0.0056 man:0.0050 very:0.0049 certain:0.0049 year:0.0033 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6849 to:0.2191 and:0.0335 will:0.0150 of:0.0108 that:0.0084 or:0.0083 the:0.0071 for:0.0066 is:0.0063 -:0.9161 the:0.0330 a:0.0101 and:0.0099 of:0.0080 to:0.0076 in:0.0056 by:0.0035 other:0.0032 it:0.0030 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7934 the:0.0974 a:0.0327 which:0.0137 he:0.0121 an:0.0112 it:0.0109 they:0.0105 all:0.0093 we:0.0090 -:0.8415 and:0.0537 of:0.0361 to:0.0245 in:0.0165 by:0.0067 or:0.0056 the:0.0054 with:0.0051 from:0.0049 -the:0.2762 :0.4965 his:0.1065 its:0.0276 a:0.0224 tho:0.0197 their:0.0147 her:0.0142 my:0.0126 no:0.0095 -:0.6646 that:0.0885 and:0.0628 as:0.0557 which:0.0347 if:0.0234 but:0.0221 when:0.0194 where:0.0190 what:0.0097 -:0.7877 of:0.0615 and:0.0557 in:0.0308 to:0.0213 that:0.0120 for:0.0084 or:0.0078 the:0.0077 on:0.0070 -:0.8521 the:0.0860 that:0.0151 in:0.0100 to:0.0097 his:0.0067 a:0.0061 and:0.0059 not:0.0046 then:0.0038 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8174 to:0.0474 in:0.0329 of:0.0241 and:0.0211 with:0.0120 as:0.0116 on:0.0115 for:0.0113 from:0.0106 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -the:0.5373 :0.3232 a:0.0664 tho:0.0182 of:0.0176 his:0.0108 in:0.0075 tbe:0.0066 their:0.0064 an:0.0059 -:0.7103 the:0.0843 a:0.0706 his:0.0422 to:0.0289 and:0.0264 in:0.0111 tho:0.0097 its:0.0088 their:0.0077 -:0.7064 to:0.0724 the:0.0589 a:0.0442 of:0.0221 and:0.0218 we:0.0218 they:0.0196 he:0.0181 in:0.0147 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5779 him:0.1312 them:0.0940 us:0.0647 it:0.0368 such:0.0348 me:0.0257 you:0.0149 which:0.0107 her:0.0093 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.7493 the:0.0958 of:0.0906 a:0.0145 and:0.0096 his:0.0095 in:0.0080 for:0.0078 by:0.0076 tho:0.0074 -:0.8995 and:0.0322 fact:0.0150 of:0.0117 to:0.0086 but:0.0079 in:0.0068 so:0.0067 declared:0.0060 is:0.0056 -:0.7795 to:0.0657 for:0.0428 with:0.0255 by:0.0187 on:0.0181 told:0.0152 upon:0.0124 let:0.0117 of:0.0105 -:0.8606 be:0.0506 the:0.0205 do:0.0131 make:0.0112 take:0.0104 pay:0.0099 have:0.0080 get:0.0079 see:0.0077 -:0.5743 it:0.1526 which:0.0741 and:0.0552 there:0.0412 that:0.0386 what:0.0208 who:0.0199 he:0.0136 as:0.0098 -:0.8452 he:0.0350 and:0.0315 who:0.0266 it:0.0154 we:0.0122 they:0.0099 be:0.0091 that:0.0079 which:0.0073 -:0.9540 and:0.0074 to:0.0071 all:0.0059 at:0.0058 in:0.0054 that:0.0047 the:0.0036 for:0.0032 on:0.0031 -:0.7450 to:0.0908 and:0.0704 of:0.0402 the:0.0139 as:0.0088 for:0.0084 that:0.0081 in:0.0079 or:0.0066 -:0.7637 is:0.0796 be:0.0369 city:0.0243 was:0.0235 a:0.0226 time:0.0132 very:0.0126 county:0.0121 act:0.0114 -:0.7247 to:0.0797 of:0.0717 for:0.0354 with:0.0222 and:0.0183 in:0.0161 on:0.0134 let:0.0108 by:0.0077 -:0.8276 and:0.0405 is:0.0304 of:0.0265 as:0.0181 in:0.0143 for:0.0119 that:0.0110 have:0.0104 was:0.0094 -that:0.3161 :0.3976 to:0.0821 of:0.0695 in:0.0616 for:0.0228 on:0.0199 with:0.0115 all:0.0096 from:0.0093 -:0.6076 the:0.2441 a:0.0743 said:0.0159 all:0.0141 one:0.0096 this:0.0092 tbe:0.0088 tho:0.0085 his:0.0080 -:0.8135 the:0.0694 be:0.0343 a:0.0221 him:0.0128 do:0.0124 get:0.0108 take:0.0086 it:0.0084 me:0.0077 -:0.8728 and:0.0411 to:0.0220 for:0.0119 of:0.0115 in:0.0093 or:0.0092 at:0.0089 with:0.0071 by:0.0062 -:0.5983 a:0.1549 the:0.0653 no:0.0645 been:0.0576 an:0.0231 their:0.0117 his:0.0089 to:0.0080 and:0.0077 -of:0.1701 :0.4506 to:0.1166 in:0.0673 for:0.0531 on:0.0420 and:0.0281 by:0.0272 from:0.0264 with:0.0185 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -to:0.0576 of:0.0320 for:0.0155 from:0.0123 in:0.0118 or:0.0097 with:0.0087 and:0.0084 upon:0.0082 on:0.0070 -:0.5801 the:0.2045 a:0.1391 his:0.0202 this:0.0114 in:0.0104 that:0.0097 tho:0.0096 their:0.0077 other:0.0073 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8144 the:0.0711 a:0.0442 an:0.0131 he:0.0121 well:0.0116 said:0.0092 it:0.0084 much:0.0081 if:0.0075 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -:0.9104 and:0.0188 of:0.0142 to:0.0121 in:0.0121 that:0.0082 the:0.0082 up:0.0064 or:0.0051 one:0.0045 -:0.8478 is:0.0372 and:0.0366 as:0.0309 men:0.0100 are:0.0090 came:0.0084 was:0.0078 enough:0.0071 feet:0.0053 -:0.9109 old:0.0258 a:0.0176 average:0.0103 any:0.0070 excellent:0.0068 hour:0.0067 best:0.0051 early:0.0049 absolute:0.0048 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -to:0.3152 :0.4018 we:0.0724 will:0.0688 they:0.0515 and:0.0373 would:0.0211 shall:0.0151 could:0.0086 who:0.0083 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6206 that:0.1424 if:0.0784 as:0.0432 when:0.0428 which:0.0224 what:0.0168 where:0.0122 then:0.0114 because:0.0100 -estate:0.0013 young:0.0007 great:0.0007 real:0.0007 :0.9935 an:0.0007 men:0.0006 people:0.0006 poor:0.0005 coffee:0.0005 -:0.8801 and:0.0213 west:0.0172 of:0.0165 three:0.0147 east:0.0139 five:0.0096 two:0.0092 in:0.0090 the:0.0086 -a:0.1436 :0.7171 the:0.0281 very:0.0258 not:0.0231 one:0.0147 now:0.0133 hereby:0.0131 an:0.0110 most:0.0101 -the:0.4714 a:0.1271 :0.2374 his:0.0762 tho:0.0261 their:0.0166 its:0.0158 an:0.0116 and:0.0101 her:0.0076 -to:0.4264 :0.4108 and:0.0686 will:0.0353 would:0.0144 or:0.0132 in:0.0088 may:0.0082 is:0.0075 but:0.0068 -:0.4280 to:0.1691 will:0.1599 may:0.0477 would:0.0445 should:0.0415 shall:0.0405 can:0.0304 must:0.0236 could:0.0148 -of:0.5186 and:0.0840 or:0.0685 :0.1857 in:0.0484 for:0.0341 to:0.0201 as:0.0152 was:0.0147 but:0.0107 -:0.8740 and:0.0315 the:0.0238 of:0.0187 a:0.0122 to:0.0121 in:0.0120 was:0.0067 or:0.0045 for:0.0044 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.8286 and:0.0673 to:0.0224 is:0.0167 was:0.0165 it:0.0145 they:0.0087 he:0.0085 the:0.0085 are:0.0083 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8183 and:0.0461 was:0.0342 is:0.0321 the:0.0149 be:0.0123 are:0.0118 to:0.0110 of:0.0105 has:0.0089 -:0.7328 is:0.0510 was:0.0501 had:0.0365 have:0.0324 and:0.0268 has:0.0259 be:0.0192 he:0.0128 were:0.0125 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6292 to:0.0889 of:0.0807 in:0.0666 for:0.0433 on:0.0245 upon:0.0200 from:0.0158 and:0.0158 with:0.0152 -:0.9600 made:0.0072 not:0.0066 in:0.0045 killed:0.0040 taken:0.0038 due:0.0037 one:0.0037 given:0.0033 known:0.0031 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6573 the:0.2165 a:0.0425 his:0.0182 this:0.0141 tho:0.0132 said:0.0129 her:0.0118 any:0.0069 our:0.0067 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -of:0.0476 to:0.0208 is:0.0159 in:0.0154 was:0.0150 :0.8488 if:0.0105 the:0.0095 on:0.0083 a:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7657 and:0.0629 of:0.0590 to:0.0271 in:0.0201 was:0.0195 as:0.0158 had:0.0102 for:0.0101 by:0.0097 -:0.5261 to:0.1818 will:0.1151 may:0.0460 should:0.0424 shall:0.0276 and:0.0163 must:0.0162 can:0.0151 would:0.0135 -:0.5341 the:0.1980 a:0.1737 with:0.0179 that:0.0153 their:0.0135 so:0.0124 no:0.0123 all:0.0122 this:0.0106 -:0.5163 with:0.2185 and:0.0837 of:0.0789 to:0.0264 by:0.0191 the:0.0178 in:0.0163 that:0.0136 or:0.0095 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.5697 of:0.1957 in:0.0541 to:0.0448 and:0.0288 for:0.0268 on:0.0251 that:0.0197 by:0.0179 at:0.0174 -:0.6504 of:0.1556 and:0.0565 the:0.0282 for:0.0253 or:0.0239 in:0.0188 to:0.0147 a:0.0142 on:0.0125 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8769 years:0.0419 of:0.0239 men:0.0103 times:0.0090 months:0.0084 miles:0.0080 days:0.0078 and:0.0078 thereof:0.0059 -:0.9567 and:0.0081 one:0.0076 two:0.0063 more:0.0061 of:0.0045 day:0.0030 three:0.0029 it:0.0026 or:0.0024 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6779 to:0.1256 and:0.0465 we:0.0392 was:0.0215 you:0.0189 will:0.0188 is:0.0187 not:0.0170 would:0.0158 -:0.8938 and:0.0451 was:0.0113 a:0.0098 the:0.0085 are:0.0078 is:0.0063 be:0.0058 of:0.0058 in:0.0058 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7284 the:0.1615 and:0.0260 a:0.0221 tho:0.0161 his:0.0151 of:0.0090 this:0.0083 as:0.0069 to:0.0067 -of:0.2093 :0.4252 in:0.1085 on:0.0634 to:0.0561 for:0.0374 at:0.0339 and:0.0298 from:0.0182 that:0.0181 -:0.7426 and:0.1271 of:0.0418 in:0.0350 to:0.0126 or:0.0121 on:0.0083 from:0.0082 for:0.0066 above:0.0058 -:0.8501 a:0.0262 and:0.0245 the:0.0211 per:0.0172 of:0.0170 in:0.0143 was:0.0132 or:0.0082 on:0.0082 -:0.5537 in:0.0879 of:0.0843 the:0.0711 and:0.0669 to:0.0619 for:0.0450 by:0.0102 with:0.0097 at:0.0093 -the:0.1998 tho:0.0241 tbe:0.0207 a:0.0205 its:0.0170 their:0.0167 tlie:0.0163 his:0.0150 said:0.0103 your:0.0086 -:0.9378 then:0.0090 the:0.0085 other:0.0083 all:0.0083 that:0.0078 one:0.0059 so:0.0052 was:0.0047 it:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5310 the:0.2880 a:0.0727 of:0.0328 his:0.0242 and:0.0219 tho:0.0094 our:0.0084 is:0.0059 their:0.0057 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.9402 order:0.0124 the:0.0085 hand:0.0071 all:0.0068 favor:0.0061 time:0.0055 this:0.0055 mind:0.0040 it:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -by:0.4267 :0.3728 in:0.0672 for:0.0386 at:0.0232 with:0.0222 to:0.0182 on:0.0113 and:0.0110 from:0.0087 -:0.6111 a:0.1871 the:0.1222 and:0.0203 of:0.0140 this:0.0123 in:0.0101 tho:0.0086 his:0.0076 their:0.0067 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.1199 :0.7532 and:0.0584 a:0.0125 his:0.0122 is:0.0105 it:0.0101 as:0.0081 the:0.0081 an:0.0071 -:0.9380 line:0.0097 side:0.0081 part:0.0078 amount:0.0069 one:0.0065 number:0.0060 kind:0.0059 day:0.0056 parts:0.0054 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9430 are:0.0146 have:0.0081 and:0.0074 were:0.0054 be:0.0051 had:0.0047 is:0.0042 put:0.0040 set:0.0036 -:0.8276 and:0.0405 is:0.0304 of:0.0265 as:0.0181 in:0.0143 for:0.0119 that:0.0110 have:0.0104 was:0.0094 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.9180 and:0.0158 the:0.0156 of:0.0145 to:0.0099 in:0.0058 with:0.0057 man:0.0051 is:0.0049 time:0.0048 -:0.8241 as:0.0644 and:0.0602 is:0.0115 that:0.0091 was:0.0071 but:0.0069 who:0.0058 which:0.0056 it:0.0052 -:0.7735 a:0.0711 the:0.0670 not:0.0270 in:0.0143 to:0.0124 that:0.0100 an:0.0093 no:0.0092 one:0.0061 -:0.7194 the:0.2023 a:0.0202 this:0.0112 tho:0.0101 said:0.0101 his:0.0091 that:0.0065 an:0.0056 all:0.0056 -:0.5856 of:0.0986 or:0.0903 and:0.0661 for:0.0597 in:0.0329 about:0.0173 with:0.0169 to:0.0167 is:0.0159 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7191 to:0.0724 the:0.0655 and:0.0424 a:0.0278 in:0.0210 of:0.0147 his:0.0134 for:0.0124 this:0.0113 -:0.8280 it:0.0314 which:0.0270 that:0.0219 he:0.0213 and:0.0188 there:0.0162 as:0.0126 they:0.0121 day:0.0106 -:0.8615 and:0.0332 of:0.0281 in:0.0223 a:0.0127 or:0.0100 as:0.0095 from:0.0088 the:0.0073 with:0.0066 -:0.7523 and:0.0915 that:0.0474 he:0.0265 it:0.0173 they:0.0160 which:0.0155 who:0.0121 but:0.0112 we:0.0103 -:0.9251 present:0.0122 same:0.0111 first:0.0099 whole:0.0078 said:0.0077 other:0.0073 most:0.0072 right:0.0062 best:0.0055 -:0.8239 made:0.0567 given:0.0252 done:0.0206 taken:0.0142 caused:0.0135 secured:0.0126 paid:0.0116 followed:0.0111 held:0.0106 -:0.9838 the:0.0037 of:0.0027 in:0.0018 and:0.0015 a:0.0014 on:0.0014 or:0.0013 at:0.0012 than:0.0012 -:0.8258 it:0.0370 as:0.0311 and:0.0283 them:0.0190 is:0.0168 him:0.0142 up:0.0110 that:0.0088 down:0.0080 -of:0.3260 :0.2947 in:0.0751 and:0.0704 to:0.0613 for:0.0492 by:0.0347 from:0.0337 with:0.0336 on:0.0213 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.8545 up:0.0359 out:0.0298 and:0.0165 down:0.0149 him:0.0106 or:0.0104 away:0.0103 owned:0.0086 off:0.0086 -:0.9361 and:0.0164 which:0.0093 that:0.0078 to:0.0076 of:0.0064 for:0.0044 hand:0.0043 or:0.0041 on:0.0038 -to:0.3342 :0.3540 can:0.1135 will:0.0510 who:0.0504 could:0.0291 would:0.0241 and:0.0216 should:0.0113 shall:0.0109 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -to:0.2185 :0.6250 and:0.0315 the:0.0234 of:0.0228 for:0.0226 a:0.0167 will:0.0139 as:0.0127 in:0.0127 -:0.6214 the:0.1106 of:0.0929 a:0.0694 and:0.0293 in:0.0224 as:0.0142 with:0.0136 is:0.0136 by:0.0126 -:0.5765 the:0.2150 a:0.0857 of:0.0383 and:0.0209 in:0.0159 his:0.0157 that:0.0131 one:0.0097 tho:0.0093 -:0.9033 and:0.0419 as:0.0109 of:0.0108 to:0.0086 number:0.0069 in:0.0048 the:0.0047 line:0.0043 time:0.0037 -defaulting:0.0016 an:0.0016 regard:0.0011 theirs:0.0011 holly:0.0011 typhoid:0.0011 accordance:0.0011 electing:0.0010 those:0.0009 thc:0.0009 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -to:0.3082 will:0.1407 and:0.1363 :0.2852 shall:0.0281 would:0.0272 should:0.0228 may:0.0220 or:0.0167 can:0.0128 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7151 years:0.0690 months:0.0487 days:0.0402 hundred:0.0270 or:0.0229 of:0.0227 weeks:0.0203 and:0.0173 times:0.0167 -:0.9150 and:0.0335 is:0.0127 it:0.0065 just:0.0057 well:0.0055 but:0.0054 described:0.0054 was:0.0051 known:0.0051 -:0.4859 it:0.0964 which:0.0749 they:0.0744 he:0.0618 that:0.0609 we:0.0458 and:0.0437 there:0.0371 you:0.0191 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9610 law:0.0077 same:0.0054 world:0.0050 country:0.0043 people:0.0038 right:0.0034 state:0.0032 city:0.0032 best:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6170 in:0.1128 to:0.0772 of:0.0475 on:0.0392 by:0.0290 for:0.0226 at:0.0216 that:0.0166 with:0.0165 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.7536 of:0.1312 and:0.0436 the:0.0171 is:0.0115 that:0.0111 in:0.0108 was:0.0084 which:0.0066 or:0.0062 -:0.7024 is:0.0660 was:0.0610 and:0.0565 the:0.0291 are:0.0211 of:0.0187 be:0.0171 a:0.0157 were:0.0126 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -the:0.5016 :0.2790 a:0.0876 tho:0.0320 our:0.0265 their:0.0204 his:0.0196 this:0.0169 an:0.0083 its:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8521 and:0.0467 was:0.0277 is:0.0203 or:0.0166 but:0.0103 for:0.0077 of:0.0068 held:0.0063 are:0.0053 -:0.7373 and:0.0697 is:0.0297 a:0.0296 in:0.0292 are:0.0239 of:0.0232 was:0.0200 the:0.0194 or:0.0179 -:0.7453 the:0.1427 a:0.0224 and:0.0173 of:0.0153 his:0.0150 this:0.0122 their:0.0117 that:0.0099 tho:0.0082 -:0.7000 of:0.0826 and:0.0823 the:0.0780 in:0.0130 his:0.0109 for:0.0100 by:0.0088 or:0.0072 a:0.0071 -:0.8093 the:0.0768 and:0.0352 of:0.0237 his:0.0171 a:0.0115 no:0.0075 as:0.0066 to:0.0064 that:0.0059 -:0.5282 of:0.3115 and:0.0466 was:0.0253 in:0.0222 the:0.0172 is:0.0162 or:0.0130 to:0.0122 for:0.0076 -:0.7256 the:0.1493 of:0.0290 a:0.0274 and:0.0157 that:0.0128 his:0.0125 this:0.0117 in:0.0083 tho:0.0077 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -the:0.4851 :0.3149 this:0.0374 his:0.0336 a:0.0335 tho:0.0324 their:0.0190 its:0.0155 our:0.0149 her:0.0138 -of:0.3380 in:0.1092 :0.2806 with:0.0638 for:0.0496 to:0.0496 and:0.0424 that:0.0256 on:0.0214 from:0.0198 -:0.8107 own:0.1090 the:0.0262 and:0.0175 that:0.0084 in:0.0079 great:0.0070 husband:0.0045 good:0.0045 or:0.0044 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6906 of:0.0742 and:0.0653 the:0.0480 to:0.0382 in:0.0359 a:0.0196 or:0.0120 is:0.0087 was:0.0076 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.9630 same:0.0064 whole:0.0050 best:0.0044 city:0.0040 country:0.0040 world:0.0036 war:0.0034 great:0.0033 first:0.0030 -:0.8375 one:0.0755 composed:0.0196 out:0.0112 not:0.0104 nothing:0.0104 some:0.0102 capable:0.0099 all:0.0082 that:0.0070 -:0.7087 the:0.1710 to:0.0293 and:0.0258 a:0.0229 of:0.0128 this:0.0117 will:0.0061 an:0.0060 in:0.0058 -:0.5676 not:0.2899 the:0.0660 a:0.0152 it:0.0136 he:0.0135 that:0.0133 you:0.0080 and:0.0068 be:0.0063 -:0.9573 in:0.0079 and:0.0072 to:0.0061 time:0.0058 men:0.0040 on:0.0036 home:0.0031 of:0.0026 for:0.0024 -:0.6369 of:0.1649 and:0.0810 which:0.0345 who:0.0193 that:0.0152 for:0.0144 are:0.0120 or:0.0110 on:0.0107 -:0.5662 the:0.2456 a:0.0570 of:0.0524 and:0.0333 tho:0.0126 in:0.0087 for:0.0083 his:0.0080 no:0.0079 -:0.7097 the:0.1177 of:0.0983 and:0.0226 in:0.0151 a:0.0137 for:0.0070 by:0.0060 that:0.0051 two:0.0048 -:0.6621 the:0.1172 a:0.0689 of:0.0559 and:0.0424 to:0.0208 his:0.0087 in:0.0087 this:0.0078 at:0.0075 -:0.8735 that:0.0290 county:0.0180 the:0.0165 to:0.0160 he:0.0133 mortgage:0.0124 and:0.0075 lot:0.0069 city:0.0069 -:0.7780 the:0.1064 a:0.0485 all:0.0165 that:0.0120 this:0.0095 it:0.0086 an:0.0078 her:0.0064 which:0.0063 -:0.8195 longer:0.0355 doubt:0.0345 one:0.0330 more:0.0204 other:0.0184 reason:0.0118 means:0.0116 man:0.0077 matter:0.0076 -:0.9529 and:0.0086 days:0.0072 years:0.0064 men:0.0059 two:0.0053 of:0.0040 people:0.0034 who:0.0032 the:0.0032 -:0.8987 and:0.0195 to:0.0179 the:0.0151 a:0.0098 in:0.0097 that:0.0095 it:0.0071 of:0.0065 as:0.0061 -the:0.7124 :0.1676 of:0.0250 his:0.0248 tho:0.0239 a:0.0194 an:0.0070 and:0.0068 their:0.0067 tbe:0.0064 -:0.5569 of:0.1358 in:0.1048 to:0.0468 and:0.0393 for:0.0347 at:0.0262 on:0.0232 with:0.0164 that:0.0159 -:0.8154 and:0.0535 that:0.0413 to:0.0167 as:0.0163 the:0.0163 which:0.0141 or:0.0102 than:0.0082 of:0.0081 -:0.8804 and:0.0341 the:0.0166 of:0.0136 is:0.0119 are:0.0099 was:0.0099 a:0.0084 to:0.0076 in:0.0076 -:0.9248 and:0.0316 of:0.0193 the:0.0052 man:0.0039 men:0.0037 other:0.0033 in:0.0031 time:0.0026 people:0.0024 -the:0.4121 :0.3983 a:0.0675 his:0.0382 this:0.0162 these:0.0158 our:0.0147 their:0.0140 tho:0.0138 its:0.0094 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5801 in:0.1147 of:0.0829 with:0.0435 on:0.0353 for:0.0329 from:0.0327 to:0.0296 by:0.0243 and:0.0241 -the:0.2420 :0.4907 a:0.1672 no:0.0308 very:0.0232 an:0.0163 his:0.0117 one:0.0073 that:0.0054 tho:0.0054 -:0.9009 out:0.0232 and:0.0168 that:0.0131 of:0.0101 line:0.0091 or:0.0084 one:0.0079 but:0.0055 because:0.0049 -:0.6066 of:0.1518 in:0.1007 to:0.0299 and:0.0232 for:0.0213 that:0.0195 on:0.0188 at:0.0162 with:0.0121 -:0.5671 a:0.1141 and:0.0809 to:0.0775 the:0.0727 as:0.0344 in:0.0190 that:0.0137 this:0.0111 by:0.0094 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8322 the:0.0735 and:0.0288 a:0.0216 of:0.0119 was:0.0098 one:0.0075 or:0.0056 his:0.0048 it:0.0044 -:0.9111 most:0.0158 great:0.0103 best:0.0102 first:0.0097 same:0.0093 said:0.0090 th:0.0086 whole:0.0081 old:0.0079 -:0.6748 the:0.1902 a:0.0357 his:0.0307 other:0.0145 their:0.0140 tho:0.0130 its:0.0101 that:0.0101 this:0.0069 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.6598 not:0.1674 the:0.0603 so:0.0335 it:0.0190 a:0.0179 this:0.0135 their:0.0105 and:0.0096 all:0.0086 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.5450 to:0.2374 and:0.0829 that:0.0401 but:0.0301 which:0.0169 as:0.0154 when:0.0135 before:0.0097 where:0.0090 -:0.9061 most:0.0225 first:0.0149 same:0.0112 next:0.0111 whole:0.0090 past:0.0066 highest:0.0064 following:0.0063 last:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6352 the:0.1034 a:0.0621 in:0.0484 that:0.0342 of:0.0308 and:0.0289 his:0.0237 for:0.0182 an:0.0151 -:0.7783 are:0.0455 come:0.0378 came:0.0292 have:0.0262 went:0.0226 were:0.0223 had:0.0218 go:0.0084 made:0.0080 -:0.7964 the:0.0594 and:0.0457 of:0.0386 a:0.0204 in:0.0113 said:0.0077 with:0.0074 as:0.0066 for:0.0064 -:0.8540 was:0.0319 the:0.0307 had:0.0191 is:0.0133 of:0.0118 and:0.0115 in:0.0098 a:0.0098 to:0.0081 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -the:0.3714 :0.4809 take:0.0254 his:0.0218 tho:0.0213 an:0.0192 a:0.0191 our:0.0158 their:0.0129 its:0.0122 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.7993 and:0.0513 to:0.0318 it:0.0282 was:0.0261 is:0.0174 be:0.0144 not:0.0119 has:0.0101 him:0.0095 -:0.5049 to:0.0846 of:0.0823 as:0.0772 in:0.0606 for:0.0597 and:0.0420 by:0.0386 with:0.0255 on:0.0244 -:0.8000 the:0.0478 he:0.0379 any:0.0205 two:0.0179 an:0.0173 ever:0.0163 ten:0.0155 she:0.0138 they:0.0130 -:0.8028 of:0.0737 and:0.0427 the:0.0161 in:0.0136 on:0.0117 or:0.0111 that:0.0102 with:0.0093 to:0.0087 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6795 the:0.0822 of:0.0677 and:0.0621 to:0.0329 a:0.0228 in:0.0164 was:0.0140 with:0.0117 is:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.2840 :0.5863 not:0.0398 bo:0.0239 have:0.0220 he:0.0178 take:0.0088 the:0.0065 make:0.0055 do:0.0054 -:0.9203 things:0.0117 person:0.0105 men:0.0104 which:0.0090 persons:0.0082 man:0.0080 cases:0.0075 and:0.0072 they:0.0072 -a:0.0179 of:0.0145 the:0.0101 or:0.0073 his:0.0041 its:0.0040 an:0.0034 :0.9328 our:0.0031 tho:0.0029 -:0.8700 few:0.0251 little:0.0219 great:0.0175 large:0.0160 good:0.0145 certain:0.0129 small:0.0095 heavy:0.0065 reasonable:0.0061 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.8855 the:0.0438 a:0.0177 that:0.0109 of:0.0096 in:0.0086 he:0.0066 to:0.0059 all:0.0056 by:0.0056 -:0.8221 are:0.0352 and:0.0306 have:0.0195 were:0.0180 who:0.0157 began:0.0153 according:0.0151 as:0.0147 came:0.0139 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -to:0.3274 :0.3470 can:0.1037 will:0.0613 could:0.0501 and:0.0310 who:0.0277 would:0.0238 should:0.0159 not:0.0121 -:0.6551 of:0.1549 in:0.0453 to:0.0336 and:0.0260 at:0.0232 for:0.0192 on:0.0161 that:0.0160 by:0.0107 -:0.7118 the:0.1233 of:0.0502 a:0.0420 and:0.0226 his:0.0146 tho:0.0121 their:0.0100 our:0.0070 in:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6183 the:0.1299 a:0.0984 it:0.0525 him:0.0195 this:0.0192 an:0.0190 them:0.0159 her:0.0145 their:0.0127 -:0.8727 and:0.0355 he:0.0223 the:0.0193 of:0.0129 it:0.0102 who:0.0088 to:0.0074 was:0.0058 in:0.0050 -:0.7701 the:0.0947 of:0.0430 in:0.0248 and:0.0202 a:0.0133 to:0.0123 with:0.0076 for:0.0072 his:0.0070 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8550 they:0.0368 and:0.0232 we:0.0170 who:0.0146 which:0.0146 there:0.0123 men:0.0103 it:0.0101 that:0.0062 -:0.7480 he:0.0721 it:0.0527 they:0.0276 the:0.0229 is:0.0198 there:0.0188 we:0.0154 time:0.0117 this:0.0112 -:0.6395 was:0.0990 is:0.0799 and:0.0691 be:0.0347 as:0.0226 are:0.0182 in:0.0152 has:0.0111 it:0.0108 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -:0.5303 a:0.2564 the:0.0695 of:0.0472 in:0.0295 and:0.0208 very:0.0174 with:0.0108 by:0.0094 to:0.0086 -:0.6357 the:0.1132 that:0.0774 not:0.0491 is:0.0332 it:0.0252 and:0.0250 this:0.0187 of:0.0117 in:0.0108 -a:0.2069 :0.4299 the:0.1328 that:0.0816 to:0.0345 th:0.0277 by:0.0242 every:0.0233 his:0.0229 tho:0.0163 -:0.9426 them:0.0109 land:0.0097 interest:0.0077 sale:0.0068 men:0.0063 that:0.0050 the:0.0038 it:0.0037 all:0.0034 -:0.9252 and:0.0185 was:0.0171 is:0.0084 went:0.0083 came:0.0054 that:0.0046 or:0.0044 cut:0.0044 it:0.0037 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.8981 and:0.0354 of:0.0204 that:0.0103 in:0.0084 it:0.0071 the:0.0069 he:0.0046 is:0.0045 or:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5708 and:0.1154 is:0.0710 was:0.0614 are:0.0509 as:0.0434 to:0.0376 had:0.0170 has:0.0165 were:0.0161 -:0.5766 the:0.3145 a:0.0314 his:0.0155 tho:0.0145 this:0.0128 which:0.0091 to:0.0088 their:0.0085 that:0.0082 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7935 favor:0.0664 order:0.0280 spite:0.0245 one:0.0232 all:0.0133 front:0.0129 some:0.0129 behalf:0.0127 any:0.0125 -of:0.2070 :0.4001 for:0.0779 in:0.0696 and:0.0530 with:0.0465 by:0.0458 as:0.0356 at:0.0324 on:0.0322 -:0.6529 south:0.1155 north:0.1154 other:0.0446 west:0.0218 east:0.0210 most:0.0087 public:0.0072 right:0.0068 whole:0.0061 -has:0.3138 have:0.2432 :0.2970 had:0.0899 not:0.0154 having:0.0151 and:0.0096 lias:0.0075 he:0.0043 was:0.0042 -the:0.2703 :0.5471 a:0.0867 this:0.0188 tbe:0.0171 tho:0.0158 an:0.0120 any:0.0112 said:0.0107 to:0.0104 -:0.5862 is:0.0928 of:0.0630 was:0.0611 and:0.0548 as:0.0514 for:0.0290 in:0.0230 with:0.0227 but:0.0160 -of:0.3332 :0.3936 and:0.0565 the:0.0552 a:0.0468 in:0.0398 to:0.0236 for:0.0211 is:0.0173 was:0.0130 -:0.5860 the:0.2895 a:0.0568 tho:0.0139 an:0.0116 said:0.0107 this:0.0098 his:0.0078 tbe:0.0075 one:0.0064 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.8075 and:0.0518 the:0.0397 to:0.0381 or:0.0131 will:0.0126 of:0.0106 a:0.0102 that:0.0088 would:0.0075 -:0.6923 the:0.1384 a:0.0716 an:0.0394 tho:0.0145 their:0.0113 her:0.0093 any:0.0085 no:0.0076 this:0.0070 -:0.9626 last:0.0069 said:0.0054 same:0.0052 th:0.0039 city:0.0035 past:0.0032 people:0.0031 law:0.0031 state:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.9457 the:0.0139 it:0.0100 them:0.0065 him:0.0061 all:0.0051 this:0.0038 two:0.0037 more:0.0027 her:0.0025 -will:0.2043 to:0.2042 :0.3121 shall:0.0630 may:0.0583 should:0.0524 can:0.0331 must:0.0309 would:0.0253 could:0.0164 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.8227 night:0.0492 year:0.0471 week:0.0237 of:0.0209 and:0.0107 two:0.0071 a:0.0068 time:0.0061 evening:0.0056 -:0.9046 and:0.0184 the:0.0172 is:0.0154 was:0.0107 of:0.0076 to:0.0071 man:0.0067 with:0.0066 or:0.0059 -:0.5837 of:0.1940 and:0.1097 to:0.0333 who:0.0207 that:0.0174 or:0.0121 in:0.0114 for:0.0105 which:0.0071 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9428 and:0.0108 important:0.0107 he:0.0064 of:0.0059 not:0.0057 to:0.0053 they:0.0042 we:0.0041 who:0.0040 -:0.6942 of:0.0831 and:0.0531 to:0.0438 the:0.0407 in:0.0240 that:0.0176 for:0.0169 a:0.0154 he:0.0113 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.8386 and:0.0466 was:0.0263 is:0.0200 of:0.0188 the:0.0114 are:0.0104 a:0.0101 he:0.0097 to:0.0081 -:0.9361 it:0.0109 went:0.0107 began:0.0084 as:0.0074 able:0.0062 came:0.0059 is:0.0053 pursuant:0.0046 go:0.0044 -:0.7589 it:0.0630 he:0.0610 they:0.0201 that:0.0187 and:0.0184 which:0.0174 who:0.0162 we:0.0149 there:0.0111 -:0.6803 up:0.1173 forth:0.0557 away:0.0312 out:0.0292 down:0.0241 off:0.0223 in:0.0187 it:0.0129 to:0.0082 -has:0.2537 :0.3347 have:0.1902 had:0.1567 having:0.0239 not:0.0125 lias:0.0110 bad:0.0065 ha:0.0056 havo:0.0052 -to:0.0172 :0.9236 are:0.0111 the:0.0091 were:0.0090 he:0.0074 and:0.0060 of:0.0058 have:0.0057 was:0.0051 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.5845 of:0.1677 to:0.0446 and:0.0412 for:0.0373 in:0.0345 with:0.0334 by:0.0318 than:0.0134 on:0.0115 -:0.6869 of:0.0901 to:0.0634 in:0.0432 and:0.0324 for:0.0236 that:0.0183 with:0.0156 on:0.0154 from:0.0111 -:0.8367 of:0.0421 and:0.0411 that:0.0155 to:0.0155 a:0.0146 the:0.0120 in:0.0109 as:0.0061 or:0.0054 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -be:0.1095 :0.6687 was:0.0409 he:0.0291 have:0.0285 been:0.0281 were:0.0279 being:0.0257 is:0.0216 has:0.0200 -:0.4673 of:0.2187 and:0.1309 the:0.0801 to:0.0516 in:0.0137 his:0.0110 or:0.0091 is:0.0090 with:0.0086 -the:0.1778 of:0.1562 :0.3870 for:0.0784 a:0.0727 in:0.0294 to:0.0288 by:0.0247 and:0.0226 on:0.0223 -:0.6875 and:0.0737 of:0.0598 who:0.0563 in:0.0344 to:0.0240 are:0.0227 were:0.0200 on:0.0114 have:0.0101 -:0.7761 and:0.0556 a:0.0500 the:0.0323 was:0.0192 is:0.0181 to:0.0151 be:0.0122 not:0.0108 has:0.0106 -:0.5862 the:0.2325 of:0.0535 a:0.0463 in:0.0239 and:0.0129 tho:0.0126 to:0.0124 his:0.0106 their:0.0093 -:0.7147 the:0.1376 a:0.0482 and:0.0269 of:0.0232 no:0.0134 in:0.0122 tho:0.0083 any:0.0080 his:0.0074 -:0.6025 the:0.2714 a:0.0450 his:0.0205 tho:0.0146 this:0.0104 her:0.0102 our:0.0091 these:0.0083 their:0.0081 -:0.8356 and:0.0426 to:0.0275 that:0.0221 a:0.0193 of:0.0171 the:0.0129 in:0.0097 which:0.0070 this:0.0063 -:0.7181 the:0.1536 to:0.0321 his:0.0265 which:0.0145 a:0.0137 its:0.0122 their:0.0121 and:0.0088 tho:0.0084 -the:0.0230 a:0.0136 our:0.0101 their:0.0088 :0.9156 tho:0.0069 my:0.0061 per:0.0057 his:0.0057 her:0.0046 -:0.7727 more:0.1272 less:0.0398 better:0.0226 rather:0.0120 and:0.0070 worse:0.0063 higher:0.0047 other:0.0046 the:0.0033 -:0.9543 world:0.0065 same:0.0064 public:0.0058 city:0.0054 country:0.0051 time:0.0045 best:0.0042 state:0.0039 law:0.0039 -:0.8364 the:0.0551 a:0.0301 was:0.0169 in:0.0130 that:0.0124 so:0.0107 then:0.0087 and:0.0085 is:0.0083 -the:0.2927 :0.4828 a:0.1229 tho:0.0242 this:0.0151 said:0.0144 our:0.0134 his:0.0130 their:0.0108 such:0.0106 -:0.7866 in:0.0465 to:0.0408 on:0.0262 and:0.0211 that:0.0179 for:0.0174 from:0.0162 of:0.0148 at:0.0126 -:0.7271 a:0.1109 the:0.0578 no:0.0303 in:0.0187 to:0.0178 not:0.0143 only:0.0079 very:0.0078 said:0.0074 -:0.5168 in:0.0982 to:0.0683 for:0.0662 on:0.0656 of:0.0641 that:0.0388 by:0.0337 from:0.0285 at:0.0197 -:0.7058 the:0.0970 of:0.0906 a:0.0280 and:0.0273 in:0.0206 at:0.0087 his:0.0080 with:0.0073 on:0.0066 -:0.6885 the:0.1402 a:0.0442 to:0.0266 of:0.0266 and:0.0206 no:0.0176 not:0.0147 this:0.0113 his:0.0097 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -they:0.3107 we:0.2182 you:0.1429 :0.2223 there:0.0682 it:0.0146 he:0.0094 not:0.0051 wo:0.0047 she:0.0039 -:0.8698 able:0.0330 not:0.0192 going:0.0137 made:0.0126 ready:0.0120 unable:0.0103 sent:0.0102 due:0.0097 compelled:0.0097 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -the:0.4355 :0.3166 a:0.0934 be:0.0355 his:0.0339 this:0.0270 tho:0.0176 our:0.0141 its:0.0135 their:0.0129 -:0.7226 are:0.0861 have:0.0501 were:0.0439 had:0.0293 will:0.0275 would:0.0132 may:0.0103 do:0.0085 can:0.0085 -:0.6399 the:0.1639 a:0.0799 and:0.0300 of:0.0251 his:0.0166 to:0.0147 this:0.0129 no:0.0088 will:0.0082 -:0.8430 that:0.0467 if:0.0231 which:0.0181 and:0.0156 as:0.0153 but:0.0141 with:0.0095 when:0.0077 what:0.0069 -:0.8703 and:0.0435 that:0.0238 out:0.0130 up:0.0122 but:0.0085 as:0.0082 down:0.0071 it:0.0070 to:0.0064 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8201 of:0.0531 time:0.0343 and:0.0265 way:0.0203 thing:0.0111 reason:0.0090 cases:0.0088 fact:0.0087 things:0.0081 -of:0.5265 :0.3797 and:0.0303 in:0.0141 ot:0.0123 or:0.0112 the:0.0097 to:0.0063 on:0.0052 thereof:0.0046 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6613 that:0.1178 as:0.0670 if:0.0410 and:0.0265 when:0.0249 but:0.0230 because:0.0129 which:0.0129 what:0.0127 -:0.8964 is:0.0191 began:0.0166 came:0.0125 went:0.0116 according:0.0102 seemed:0.0092 up:0.0084 as:0.0084 are:0.0076 -:0.7587 and:0.1019 of:0.0444 the:0.0191 in:0.0181 to:0.0160 is:0.0115 was:0.0111 by:0.0095 or:0.0095 -:0.6835 of:0.1415 and:0.0545 in:0.0303 the:0.0181 was:0.0173 or:0.0158 for:0.0142 is:0.0132 to:0.0116 -:0.7364 the:0.1167 of:0.0449 and:0.0239 in:0.0156 a:0.0135 all:0.0135 with:0.0134 to:0.0115 for:0.0107 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5898 in:0.1002 of:0.0969 that:0.0512 by:0.0409 for:0.0307 with:0.0307 and:0.0248 at:0.0174 to:0.0174 -:0.8166 the:0.0428 of:0.0357 and:0.0335 in:0.0235 a:0.0140 is:0.0091 or:0.0090 was:0.0089 to:0.0068 -:0.8712 and:0.0388 is:0.0216 was:0.0180 are:0.0121 he:0.0086 of:0.0083 it:0.0075 in:0.0074 the:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8198 are:0.0385 have:0.0345 and:0.0221 is:0.0169 had:0.0155 according:0.0154 were:0.0127 went:0.0127 came:0.0119 -:0.8972 and:0.0315 of:0.0254 to:0.0094 as:0.0091 is:0.0072 was:0.0061 the:0.0059 or:0.0044 in:0.0038 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.7988 of:0.0664 or:0.0271 years:0.0212 days:0.0194 weeks:0.0142 hundred:0.0142 in:0.0135 months:0.0134 and:0.0119 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6755 to:0.1614 we:0.0302 will:0.0301 and:0.0300 they:0.0202 can:0.0182 would:0.0157 could:0.0097 who:0.0090 -:0.8425 the:0.0631 a:0.0256 in:0.0156 to:0.0112 by:0.0094 an:0.0089 and:0.0085 as:0.0079 that:0.0073 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9210 and:0.0311 that:0.0111 to:0.0090 of:0.0070 it:0.0062 in:0.0046 or:0.0037 the:0.0033 which:0.0030 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9644 two:0.0061 made:0.0057 not:0.0039 more:0.0037 three:0.0035 even:0.0034 and:0.0034 followed:0.0031 four:0.0027 -:0.5773 of:0.1376 to:0.1112 that:0.0576 and:0.0427 for:0.0324 which:0.0134 in:0.0116 is:0.0081 who:0.0080 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -the:0.4519 :0.3207 his:0.0523 to:0.0309 their:0.0305 this:0.0292 a:0.0270 tho:0.0250 tbe:0.0174 its:0.0151 -:0.7811 the:0.0824 and:0.0274 a:0.0264 of:0.0195 his:0.0185 their:0.0142 to:0.0112 was:0.0098 is:0.0093 -:0.7731 the:0.0629 and:0.0466 to:0.0445 of:0.0145 will:0.0142 in:0.0128 a:0.0113 this:0.0103 would:0.0098 -:0.5616 of:0.2223 in:0.0634 to:0.0409 and:0.0276 for:0.0227 with:0.0170 that:0.0168 on:0.0165 by:0.0111 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -of:0.2650 :0.3940 and:0.0736 in:0.0614 is:0.0434 with:0.0430 as:0.0339 was:0.0325 for:0.0308 to:0.0224 -at:0.5173 :0.4001 the:0.0166 and:0.0153 to:0.0148 of:0.0119 for:0.0115 or:0.0056 that:0.0037 in:0.0033 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8993 a:0.0344 the:0.0226 other:0.0093 young:0.0075 per:0.0062 in:0.0057 old:0.0055 and:0.0052 two:0.0043 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8548 to:0.0308 and:0.0298 of:0.0280 that:0.0130 in:0.0127 for:0.0108 with:0.0069 was:0.0068 the:0.0064 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.8429 and:0.0451 he:0.0330 who:0.0225 it:0.0144 that:0.0111 which:0.0110 the:0.0072 we:0.0066 was:0.0061 -:0.7656 the:0.1135 of:0.0323 and:0.0300 a:0.0160 in:0.0116 for:0.0083 his:0.0080 no:0.0073 or:0.0073 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.5163 with:0.2185 and:0.0837 of:0.0789 to:0.0264 by:0.0191 the:0.0178 in:0.0163 that:0.0136 or:0.0095 -:0.7488 of:0.0837 and:0.0433 the:0.0360 a:0.0241 in:0.0182 to:0.0176 or:0.0110 on:0.0088 that:0.0085 -:0.9193 as:0.0136 him:0.0111 according:0.0098 it:0.0084 them:0.0084 up:0.0079 feet:0.0073 enough:0.0072 able:0.0069 -:0.9075 and:0.0188 was:0.0186 is:0.0119 to:0.0103 had:0.0089 be:0.0063 or:0.0061 day:0.0060 of:0.0056 -:0.5509 of:0.2335 and:0.0744 to:0.0347 for:0.0295 in:0.0242 that:0.0147 the:0.0145 or:0.0124 with:0.0111 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -to:0.3164 :0.4881 and:0.1127 will:0.0279 in:0.0124 of:0.0122 would:0.0085 for:0.0077 shall:0.0076 should:0.0064 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6730 of:0.0943 and:0.0792 to:0.0525 in:0.0295 or:0.0213 for:0.0153 that:0.0141 the:0.0120 on:0.0088 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.7171 a:0.1029 the:0.0689 of:0.0431 and:0.0177 in:0.0168 that:0.0103 an:0.0094 to:0.0070 or:0.0068 -:0.6267 the:0.1657 a:0.1111 to:0.0187 and:0.0171 of:0.0165 his:0.0144 tho:0.0106 this:0.0105 he:0.0086 -:0.9534 city:0.0101 time:0.0063 people:0.0054 year:0.0052 world:0.0045 country:0.0038 law:0.0038 right:0.0038 house:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8674 and:0.0397 of:0.0268 to:0.0188 the:0.0120 that:0.0098 in:0.0078 or:0.0065 a:0.0056 as:0.0056 -:0.6411 the:0.1749 a:0.1052 and:0.0238 his:0.0113 this:0.0107 tho:0.0105 an:0.0086 he:0.0076 their:0.0064 -:0.7872 it:0.0397 he:0.0353 they:0.0304 we:0.0232 which:0.0208 and:0.0199 who:0.0169 you:0.0137 that:0.0128 -:0.9263 as:0.0193 and:0.0160 that:0.0129 it:0.0094 but:0.0041 there:0.0036 him:0.0035 out:0.0026 which:0.0024 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.4556 :0.4600 only:0.0161 yet:0.0130 always:0.0122 be:0.0111 you:0.0088 know:0.0081 not:0.0078 been:0.0073 -:0.9587 act:0.0084 increase:0.0067 open:0.0065 attack:0.0042 opportunity:0.0036 interest:0.0034 left:0.0029 early:0.0028 inch:0.0027 -:0.6621 is:0.1073 and:0.0733 are:0.0506 was:0.0454 were:0.0154 have:0.0124 but:0.0119 has:0.0115 he:0.0102 -of:0.4466 :0.2540 for:0.0818 in:0.0505 at:0.0408 and:0.0348 on:0.0347 to:0.0251 with:0.0194 by:0.0124 -:0.9436 amount:0.0083 matter:0.0078 case:0.0067 city:0.0064 use:0.0059 end:0.0057 people:0.0053 day:0.0052 top:0.0050 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8252 and:0.0649 of:0.0310 or:0.0173 to:0.0155 the:0.0153 in:0.0087 is:0.0081 with:0.0071 was:0.0070 -of:0.3042 :0.4895 and:0.0845 that:0.0262 to:0.0222 in:0.0202 for:0.0184 or:0.0149 the:0.0106 is:0.0094 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7284 the:0.1191 a:0.0543 his:0.0226 all:0.0166 its:0.0144 order:0.0137 this:0.0107 tho:0.0102 favor:0.0099 -it:0.3030 :0.4524 he:0.0921 there:0.0909 she:0.0155 this:0.0132 which:0.0107 ho:0.0080 time:0.0077 what:0.0065 -:0.6291 and:0.1085 of:0.0898 to:0.0432 the:0.0386 for:0.0350 or:0.0223 which:0.0123 in:0.0107 we:0.0106 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6529 south:0.1155 north:0.1154 other:0.0446 west:0.0218 east:0.0210 most:0.0087 public:0.0072 right:0.0068 whole:0.0061 -:0.9547 in:0.0074 to:0.0058 m:0.0056 time:0.0054 half:0.0050 year:0.0048 man:0.0045 visit:0.0039 moment:0.0030 -:0.5790 the:0.1368 a:0.1236 in:0.0602 of:0.0390 and:0.0268 his:0.0105 this:0.0086 their:0.0077 tho:0.0076 -of:0.4461 :0.3190 in:0.0568 and:0.0564 with:0.0431 to:0.0189 for:0.0183 on:0.0153 from:0.0147 by:0.0114 -:0.9121 him:0.0223 them:0.0182 us:0.0079 it:0.0071 account:0.0070 either:0.0069 which:0.0066 page:0.0065 that:0.0054 -:0.5762 by:0.0798 for:0.0707 into:0.0613 in:0.0394 to:0.0392 from:0.0391 up:0.0341 or:0.0326 the:0.0277 -have:0.8038 not:0.0500 havo:0.0288 be:0.0203 :0.0643 had:0.0103 bave:0.0095 always:0.0047 never:0.0041 bo:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7208 the:0.1370 of:0.0307 and:0.0230 a:0.0217 this:0.0167 to:0.0149 it:0.0139 his:0.0117 tho:0.0096 -:0.6621 in:0.1119 the:0.0990 of:0.0316 a:0.0291 and:0.0234 was:0.0164 no:0.0101 had:0.0083 his:0.0081 -know:0.1271 :0.5872 believe:0.0627 say:0.0504 think:0.0365 see:0.0312 feel:0.0308 learn:0.0277 are:0.0269 find:0.0194 -:0.6870 the:0.1696 a:0.0782 of:0.0204 tho:0.0095 an:0.0081 this:0.0077 and:0.0076 in:0.0063 one:0.0056 -:0.9563 and:0.0121 of:0.0072 to:0.0068 the:0.0051 that:0.0029 or:0.0029 county:0.0023 it:0.0022 men:0.0022 -:0.9227 and:0.0357 it:0.0070 to:0.0066 the:0.0061 was:0.0047 of:0.0046 will:0.0045 them:0.0045 is:0.0036 -:0.8150 and:0.0469 it:0.0275 we:0.0227 he:0.0210 who:0.0172 was:0.0146 the:0.0145 they:0.0104 is:0.0102 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.5816 of:0.1260 in:0.0755 the:0.0655 and:0.0434 a:0.0248 his:0.0240 to:0.0217 for:0.0206 or:0.0168 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.8509 which:0.0584 you:0.0201 law:0.0175 them:0.0128 they:0.0092 the:0.0091 men:0.0085 whom:0.0070 all:0.0064 -have:0.4859 :0.3016 had:0.0439 always:0.0368 yet:0.0320 be:0.0245 havo:0.0225 has:0.0186 having:0.0177 only:0.0166 -:0.7635 of:0.0796 and:0.0540 have:0.0161 that:0.0157 has:0.0153 is:0.0152 are:0.0143 the:0.0133 which:0.0129 -:0.7608 to:0.0635 of:0.0427 for:0.0333 with:0.0330 by:0.0172 on:0.0139 told:0.0124 and:0.0121 in:0.0112 -:0.8483 and:0.0334 the:0.0307 by:0.0175 in:0.0162 to:0.0140 a:0.0124 for:0.0110 at:0.0092 as:0.0073 -:0.6750 the:0.1562 his:0.0521 a:0.0276 and:0.0229 of:0.0212 that:0.0161 her:0.0102 to:0.0097 their:0.0091 -:0.7742 and:0.0546 was:0.0464 is:0.0330 are:0.0253 were:0.0160 be:0.0148 he:0.0122 the:0.0121 have:0.0114 -:0.5972 and:0.1997 of:0.0719 is:0.0250 to:0.0230 was:0.0206 are:0.0190 or:0.0163 but:0.0155 as:0.0117 -:0.7948 and:0.0528 that:0.0437 of:0.0241 as:0.0220 but:0.0199 which:0.0123 for:0.0102 if:0.0102 in:0.0101 -:0.8872 and:0.0242 of:0.0168 the:0.0166 that:0.0125 it:0.0122 to:0.0095 a:0.0078 is:0.0074 which:0.0058 -:0.5994 the:0.1348 of:0.0911 he:0.0354 it:0.0331 a:0.0289 that:0.0229 they:0.0206 in:0.0178 and:0.0160 -:0.9235 and:0.0204 as:0.0159 more:0.0100 that:0.0066 less:0.0059 interest:0.0049 better:0.0046 but:0.0046 now:0.0035 -:0.9362 wife:0.0114 hand:0.0110 years:0.0073 hands:0.0066 own:0.0061 life:0.0057 friends:0.0054 head:0.0051 children:0.0051 -:0.7058 the:0.0970 of:0.0906 a:0.0280 and:0.0273 in:0.0206 at:0.0087 his:0.0080 with:0.0073 on:0.0066 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7709 we:0.0421 to:0.0370 not:0.0359 they:0.0245 you:0.0219 it:0.0198 be:0.0187 he:0.0146 is:0.0145 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.9343 and:0.0239 the:0.0087 it:0.0059 that:0.0055 was:0.0054 or:0.0053 not:0.0043 this:0.0034 has:0.0032 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.8076 he:0.0507 it:0.0370 and:0.0283 who:0.0218 which:0.0203 that:0.0159 she:0.0084 there:0.0059 be:0.0041 -:0.6202 a:0.0956 the:0.0661 to:0.0618 and:0.0589 as:0.0235 in:0.0200 by:0.0192 of:0.0191 with:0.0155 -:0.5942 of:0.1186 the:0.1128 in:0.0505 a:0.0399 by:0.0276 and:0.0184 with:0.0147 for:0.0131 at:0.0101 -:0.7732 of:0.1018 and:0.0392 in:0.0204 was:0.0142 or:0.0133 for:0.0105 is:0.0103 on:0.0086 to:0.0084 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.4946 will:0.1405 are:0.0905 may:0.0515 can:0.0513 would:0.0478 should:0.0377 were:0.0298 shall:0.0292 could:0.0273 -:0.9369 large:0.0104 good:0.0079 few:0.0075 great:0.0068 little:0.0067 to:0.0061 certain:0.0061 year:0.0058 short:0.0058 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.6313 the:0.1422 a:0.0532 to:0.0458 of:0.0435 and:0.0225 this:0.0191 in:0.0150 said:0.0146 an:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.7112 a:0.0936 and:0.0545 the:0.0480 of:0.0245 in:0.0189 was:0.0157 is:0.0130 to:0.0112 or:0.0094 -:0.6780 the:0.0892 of:0.0644 a:0.0545 and:0.0269 to:0.0250 in:0.0233 his:0.0168 for:0.0123 their:0.0095 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5113 to:0.1549 by:0.1079 with:0.0779 for:0.0437 upon:0.0284 in:0.0239 on:0.0210 from:0.0176 of:0.0134 -:0.7550 the:0.0768 and:0.0628 of:0.0296 a:0.0216 to:0.0141 is:0.0131 in:0.0126 was:0.0076 be:0.0069 -:0.8202 the:0.0633 a:0.0442 in:0.0184 that:0.0140 made:0.0109 to:0.0088 and:0.0073 no:0.0071 an:0.0059 -:0.8325 the:0.0660 this:0.0217 to:0.0162 that:0.0153 a:0.0137 which:0.0114 them:0.0082 said:0.0078 their:0.0071 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8432 husband:0.0501 father:0.0290 he:0.0179 life:0.0149 and:0.0098 mind:0.0095 mother:0.0093 it:0.0087 home:0.0077 -:0.8021 the:0.0473 and:0.0466 to:0.0251 that:0.0251 in:0.0150 a:0.0120 of:0.0098 as:0.0089 his:0.0080 -:0.9286 and:0.0205 of:0.0144 in:0.0114 that:0.0060 which:0.0046 or:0.0041 to:0.0038 on:0.0035 it:0.0031 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.8763 made:0.0326 given:0.0180 held:0.0129 done:0.0122 followed:0.0118 taken:0.0104 caused:0.0091 not:0.0085 appointed:0.0084 -:0.6113 and:0.1997 that:0.0592 of:0.0544 but:0.0210 as:0.0174 for:0.0122 or:0.0087 to:0.0080 is:0.0080 -:0.8955 and:0.0397 of:0.0168 the:0.0114 a:0.0085 in:0.0080 is:0.0059 that:0.0058 was:0.0045 one:0.0039 -:0.4783 he:0.1697 a:0.0770 they:0.0679 we:0.0475 the:0.0448 she:0.0374 well:0.0359 to:0.0240 it:0.0175 -:0.6149 the:0.2406 his:0.0322 a:0.0264 and:0.0253 of:0.0179 tho:0.0122 said:0.0109 to:0.0103 this:0.0092 -:0.6262 a:0.1159 is:0.0615 was:0.0524 the:0.0505 and:0.0366 are:0.0211 of:0.0129 be:0.0128 were:0.0102 -:0.9194 together:0.0132 compared:0.0114 up:0.0105 charged:0.0087 it:0.0082 and:0.0079 him:0.0075 provided:0.0068 down:0.0063 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -doubt:0.2847 :0.5706 reason:0.0587 matter:0.0185 fact:0.0165 means:0.0155 hope:0.0110 way:0.0095 longer:0.0085 one:0.0066 -:0.8530 was:0.0216 than:0.0203 he:0.0189 or:0.0183 and:0.0181 been:0.0166 had:0.0149 to:0.0092 be:0.0091 -:0.6359 of:0.1035 the:0.0549 other:0.0521 is:0.0363 and:0.0338 a:0.0256 was:0.0204 or:0.0200 with:0.0176 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9115 and:0.0449 is:0.0083 to:0.0072 of:0.0067 that:0.0055 but:0.0051 was:0.0040 will:0.0036 in:0.0033 -:0.5420 to:0.1679 the:0.0845 of:0.0697 and:0.0325 a:0.0284 in:0.0240 for:0.0209 that:0.0170 from:0.0132 -:0.6867 of:0.0884 the:0.0803 in:0.0329 a:0.0322 to:0.0287 and:0.0283 for:0.0091 that:0.0079 by:0.0055 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.9236 same:0.0162 other:0.0126 great:0.0106 first:0.0076 most:0.0069 present:0.0058 public:0.0058 said:0.0057 following:0.0053 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -to:0.2925 :0.5309 the:0.0283 and:0.0269 in:0.0241 out:0.0215 with:0.0210 on:0.0196 a:0.0188 into:0.0163 -:0.9011 and:0.0337 or:0.0166 to:0.0115 is:0.0089 day:0.0072 was:0.0060 had:0.0056 years:0.0048 it:0.0046 -:0.9071 a:0.0149 he:0.0139 it:0.0111 be:0.0105 is:0.0105 was:0.0091 the:0.0084 and:0.0077 they:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 the:0.3087 a:0.0379 tho:0.0149 his:0.0127 this:0.0124 which:0.0112 their:0.0087 said:0.0078 that:0.0068 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6475 of:0.1421 and:0.1076 to:0.0337 for:0.0230 or:0.0120 in:0.0096 will:0.0095 but:0.0084 is:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6362 of:0.1222 and:0.0940 in:0.0402 to:0.0328 for:0.0174 or:0.0171 was:0.0148 had:0.0127 with:0.0126 -the:0.3699 :0.3742 a:0.1210 tho:0.0268 this:0.0263 least:0.0190 their:0.0174 his:0.0172 last:0.0160 tbe:0.0123 -the:0.4176 :0.3130 this:0.0619 a:0.0610 his:0.0561 its:0.0286 our:0.0176 their:0.0163 every:0.0148 said:0.0131 -of:0.2027 :0.5658 the:0.0588 a:0.0540 an:0.0241 and:0.0230 in:0.0215 to:0.0174 his:0.0166 it:0.0161 -:0.9308 great:0.0114 most:0.0102 following:0.0080 whole:0.0075 public:0.0072 other:0.0066 north:0.0064 old:0.0061 same:0.0059 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8307 and:0.0418 the:0.0406 of:0.0291 to:0.0143 a:0.0142 in:0.0101 as:0.0067 that:0.0066 or:0.0059 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.8911 county:0.0222 mortgage:0.0192 that:0.0186 land:0.0108 action:0.0091 city:0.0085 lot:0.0082 and:0.0065 it:0.0057 -:0.9390 day:0.0138 of:0.0105 and:0.0081 time:0.0064 year:0.0060 one:0.0054 two:0.0046 in:0.0034 or:0.0029 -:0.9475 people:0.0101 same:0.0060 land:0.0060 government:0.0057 time:0.0053 county:0.0051 city:0.0050 world:0.0048 committee:0.0046 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8862 the:0.0272 then:0.0161 in:0.0135 was:0.0128 so:0.0104 that:0.0094 as:0.0091 be:0.0080 it:0.0074 -:0.9171 and:0.0354 was:0.0098 that:0.0081 is:0.0070 it:0.0068 or:0.0046 but:0.0046 are:0.0034 as:0.0032 -:0.7686 and:0.0942 is:0.0317 was:0.0234 be:0.0182 the:0.0162 have:0.0129 a:0.0126 of:0.0118 in:0.0104 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -a:0.3879 the:0.1643 :0.3168 no:0.0532 not:0.0222 to:0.0184 very:0.0110 an:0.0107 that:0.0101 all:0.0054 -:0.8211 the:0.1049 be:0.0191 a:0.0146 tho:0.0078 and:0.0075 he:0.0070 have:0.0069 his:0.0062 it:0.0050 -:0.8562 in:0.0574 by:0.0136 on:0.0124 that:0.0105 at:0.0105 to:0.0104 from:0.0104 with:0.0104 for:0.0081 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8083 the:0.0543 and:0.0468 a:0.0223 of:0.0168 that:0.0155 to:0.0128 this:0.0106 or:0.0075 as:0.0051 -the:0.4148 a:0.1844 :0.2554 this:0.0494 tho:0.0185 said:0.0184 his:0.0159 any:0.0159 their:0.0141 our:0.0132 -:0.8078 it:0.0876 which:0.0195 there:0.0194 and:0.0169 he:0.0162 that:0.0142 who:0.0077 what:0.0055 this:0.0053 -:0.7217 the:0.0993 of:0.0704 a:0.0318 and:0.0207 in:0.0200 to:0.0150 for:0.0083 this:0.0066 with:0.0061 -:0.8641 the:0.0406 a:0.0376 in:0.0104 no:0.0095 made:0.0086 said:0.0084 to:0.0073 and:0.0071 as:0.0064 -:0.9499 same:0.0076 city:0.0073 people:0.0067 world:0.0055 interest:0.0053 country:0.0049 court:0.0043 office:0.0042 time:0.0042 -:0.6980 the:0.1829 he:0.0278 a:0.0200 it:0.0177 of:0.0115 is:0.0114 they:0.0109 this:0.0103 tho:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -the:0.3074 :0.4272 his:0.0725 a:0.0588 at:0.0366 her:0.0220 any:0.0217 least:0.0204 their:0.0182 tho:0.0152 -:0.6793 in:0.1077 of:0.0650 on:0.0293 and:0.0276 for:0.0218 to:0.0204 by:0.0185 at:0.0178 from:0.0125 -:0.6785 as:0.0816 and:0.0568 that:0.0530 which:0.0515 but:0.0239 where:0.0174 of:0.0133 what:0.0123 if:0.0118 -:0.8488 and:0.0491 is:0.0220 was:0.0183 to:0.0124 not:0.0106 will:0.0104 as:0.0099 that:0.0093 who:0.0092 -the:0.5520 :0.2955 a:0.0385 tho:0.0309 this:0.0208 our:0.0201 said:0.0129 his:0.0105 these:0.0097 any:0.0090 -great:0.0488 whole:0.0297 highest:0.0291 entire:0.0227 young:0.0221 various:0.0211 local:0.0190 other:0.0190 new:0.0166 civil:0.0142 -:0.8803 and:0.0236 to:0.0209 in:0.0185 the:0.0144 by:0.0111 of:0.0105 that:0.0077 from:0.0068 a:0.0062 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8123 made:0.0513 given:0.0252 done:0.0223 held:0.0202 paid:0.0184 foreclosed:0.0131 followed:0.0128 found:0.0122 seen:0.0121 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.9204 and:0.0349 was:0.0096 is:0.0086 that:0.0058 are:0.0047 it:0.0047 or:0.0047 but:0.0036 were:0.0030 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5689 and:0.1226 as:0.0824 in:0.0785 that:0.0308 for:0.0289 by:0.0285 of:0.0270 to:0.0164 so:0.0160 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6648 the:0.1073 a:0.0578 to:0.0368 his:0.0367 by:0.0272 their:0.0200 any:0.0171 for:0.0165 in:0.0157 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8413 those:0.0377 men:0.0367 and:0.0233 man:0.0205 one:0.0120 people:0.0102 all:0.0076 persons:0.0058 woman:0.0050 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8187 the:0.0779 and:0.0219 a:0.0169 is:0.0132 was:0.0122 or:0.0114 of:0.0103 an:0.0093 in:0.0083 -:0.6416 of:0.2130 and:0.0540 the:0.0234 in:0.0196 that:0.0136 are:0.0134 were:0.0093 was:0.0060 will:0.0059 -:0.7027 of:0.1170 and:0.0501 the:0.0299 is:0.0211 in:0.0205 to:0.0197 was:0.0153 for:0.0123 or:0.0113 -:0.8475 and:0.0593 of:0.0236 in:0.0142 is:0.0133 fact:0.0120 so:0.0082 but:0.0076 said:0.0073 to:0.0069 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6440 of:0.1901 and:0.0459 to:0.0219 in:0.0197 the:0.0189 is:0.0168 that:0.0154 was:0.0137 as:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6148 up:0.1145 down:0.0930 out:0.0542 from:0.0303 back:0.0266 as:0.0256 and:0.0175 him:0.0127 them:0.0108 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -the:0.3919 a:0.1182 :0.3396 tho:0.0303 this:0.0263 our:0.0225 his:0.0209 their:0.0196 be:0.0182 any:0.0125 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9192 them:0.0293 said:0.0137 her:0.0070 him:0.0060 power:0.0053 order:0.0052 money:0.0051 it:0.0047 us:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6149 the:0.2406 his:0.0322 a:0.0264 and:0.0253 of:0.0179 tho:0.0122 said:0.0109 to:0.0103 this:0.0092 -:0.8276 men:0.0618 friends:0.0296 people:0.0258 man:0.0131 those:0.0124 eyes:0.0086 own:0.0080 children:0.0066 persons:0.0065 -:0.7093 he:0.1521 they:0.0294 the:0.0258 it:0.0221 we:0.0197 is:0.0135 she:0.0104 if:0.0096 there:0.0081 -:0.8329 he:0.0412 and:0.0351 who:0.0269 they:0.0147 which:0.0139 has:0.0112 we:0.0093 she:0.0075 have:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.7204 the:0.0852 a:0.0827 an:0.0251 not:0.0236 no:0.0168 any:0.0137 one:0.0110 very:0.0110 in:0.0104 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -the:0.3068 :0.4673 said:0.0430 this:0.0427 a:0.0281 tho:0.0256 our:0.0243 his:0.0234 their:0.0205 tbe:0.0184 -:0.7842 of:0.0432 be:0.0405 have:0.0394 in:0.0254 the:0.0248 and:0.0171 are:0.0098 on:0.0078 years:0.0077 -:0.7219 is:0.0740 and:0.0616 was:0.0451 of:0.0275 in:0.0220 are:0.0196 to:0.0107 has:0.0089 as:0.0088 -:0.8675 and:0.0467 the:0.0283 a:0.0186 it:0.0115 he:0.0060 an:0.0060 to:0.0053 this:0.0051 his:0.0050 -:0.9402 and:0.0231 was:0.0089 is:0.0055 it:0.0052 out:0.0038 that:0.0037 are:0.0036 but:0.0030 him:0.0028 -:0.9151 and:0.0323 it:0.0093 that:0.0079 of:0.0073 is:0.0059 in:0.0059 to:0.0058 which:0.0053 the:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9555 same:0.0066 said:0.0066 world:0.0057 public:0.0055 latter:0.0048 most:0.0040 county:0.0039 war:0.0039 court:0.0035 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -:0.8566 of:0.0364 and:0.0348 to:0.0323 the:0.0128 in:0.0071 own:0.0060 for:0.0059 or:0.0047 all:0.0034 -:0.7947 and:0.0498 was:0.0355 be:0.0299 is:0.0298 the:0.0204 are:0.0135 it:0.0097 he:0.0084 as:0.0082 -:0.7436 the:0.0968 by:0.0343 to:0.0240 a:0.0221 in:0.0211 and:0.0186 him:0.0137 as:0.0132 that:0.0127 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5372 the:0.1307 and:0.1162 of:0.0571 any:0.0455 or:0.0372 no:0.0264 in:0.0246 all:0.0131 for:0.0119 -:0.9103 that:0.0167 as:0.0134 is:0.0113 in:0.0099 it:0.0092 then:0.0085 if:0.0071 have:0.0070 there:0.0065 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7020 that:0.0831 and:0.0671 as:0.0376 which:0.0293 when:0.0204 if:0.0187 but:0.0177 where:0.0158 of:0.0085 -:0.5010 the:0.3277 a:0.1104 their:0.0128 his:0.0107 our:0.0099 this:0.0076 tho:0.0073 in:0.0065 to:0.0060 -:0.9261 it:0.0178 him:0.0104 any:0.0076 order:0.0070 them:0.0069 place:0.0069 that:0.0068 us:0.0052 time:0.0052 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.6125 is:0.0771 do:0.0545 was:0.0506 did:0.0430 will:0.0401 could:0.0343 are:0.0321 and:0.0305 does:0.0254 -:0.6828 the:0.1421 of:0.0569 a:0.0231 in:0.0224 an:0.0165 his:0.0154 their:0.0149 and:0.0139 to:0.0121 -:0.8059 was:0.0419 is:0.0323 be:0.0218 with:0.0192 and:0.0171 the:0.0158 are:0.0156 had:0.0155 to:0.0149 -the:0.2766 :0.4590 a:0.1738 tho:0.0198 his:0.0177 this:0.0136 our:0.0130 their:0.0116 its:0.0086 these:0.0064 -:0.6045 of:0.1444 and:0.0918 the:0.0395 in:0.0285 to:0.0281 for:0.0226 at:0.0142 or:0.0135 from:0.0129 -:0.7819 was:0.0743 had:0.0546 has:0.0206 would:0.0177 is:0.0149 will:0.0115 the:0.0107 and:0.0071 said:0.0068 -:0.9299 and:0.0192 the:0.0166 to:0.0064 a:0.0062 in:0.0051 of:0.0045 that:0.0043 or:0.0042 one:0.0036 -:0.8705 of:0.0429 the:0.0318 and:0.0154 a:0.0088 to:0.0076 that:0.0063 in:0.0061 at:0.0059 or:0.0048 -:0.7732 and:0.0832 that:0.0635 but:0.0198 as:0.0151 if:0.0107 which:0.0089 where:0.0087 is:0.0085 when:0.0085 -:0.7677 and:0.0640 to:0.0502 is:0.0290 was:0.0239 be:0.0146 he:0.0134 that:0.0130 had:0.0130 has:0.0112 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8035 the:0.0743 a:0.0263 be:0.0229 his:0.0146 take:0.0145 make:0.0128 him:0.0106 get:0.0104 her:0.0101 -:0.7765 of:0.0508 and:0.0410 the:0.0253 in:0.0253 is:0.0207 for:0.0181 was:0.0164 any:0.0137 with:0.0122 -:0.7485 the:0.0719 an:0.0504 been:0.0407 a:0.0314 and:0.0203 in:0.0113 to:0.0108 as:0.0077 no:0.0071 -:0.9432 and:0.0167 away:0.0071 came:0.0059 him:0.0057 them:0.0052 is:0.0044 of:0.0041 or:0.0038 was:0.0038 -:0.8300 and:0.0619 or:0.0212 was:0.0188 than:0.0172 is:0.0153 it:0.0098 them:0.0097 him:0.0082 who:0.0078 -:0.6653 more:0.1658 less:0.0949 better:0.0236 rather:0.0202 larger:0.0083 greater:0.0070 worse:0.0061 higher:0.0046 days:0.0042 -:0.7721 for:0.0437 of:0.0404 two:0.0339 three:0.0270 many:0.0253 by:0.0175 and:0.0159 ten:0.0123 several:0.0119 -:0.6539 and:0.1003 of:0.0926 to:0.0837 in:0.0198 for:0.0131 on:0.0111 or:0.0103 as:0.0076 the:0.0074 -:0.7360 of:0.1549 and:0.0361 or:0.0202 is:0.0152 was:0.0110 to:0.0070 will:0.0070 are:0.0066 who:0.0061 -:0.9685 above:0.0074 time:0.0050 of:0.0038 world:0.0036 past:0.0029 following:0.0025 left:0.0023 place:0.0021 in:0.0019 -:0.9298 and:0.0245 made:0.0081 or:0.0070 followed:0.0065 owned:0.0058 is:0.0047 was:0.0047 out:0.0044 up:0.0044 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8793 and:0.0369 of:0.0257 in:0.0132 was:0.0089 that:0.0084 he:0.0075 is:0.0069 the:0.0068 or:0.0064 -:0.8027 they:0.0435 we:0.0379 who:0.0280 and:0.0230 which:0.0179 you:0.0146 there:0.0144 men:0.0091 that:0.0088 -the:0.3614 :0.4965 by:0.0267 and:0.0223 to:0.0195 his:0.0185 in:0.0176 a:0.0160 from:0.0107 with:0.0106 -:0.7927 two:0.0470 the:0.0459 other:0.0236 three:0.0209 any:0.0185 a:0.0140 more:0.0135 in:0.0123 four:0.0116 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.8577 it:0.0277 they:0.0217 he:0.0209 we:0.0148 who:0.0148 there:0.0134 which:0.0126 that:0.0086 more:0.0077 -:0.8307 and:0.0654 a:0.0250 the:0.0232 is:0.0137 of:0.0118 that:0.0085 in:0.0079 it:0.0071 or:0.0067 -:0.8742 and:0.0477 is:0.0194 was:0.0174 to:0.0085 had:0.0076 or:0.0067 as:0.0064 of:0.0063 are:0.0058 -last:0.2426 :0.5410 same:0.0650 next:0.0370 past:0.0267 most:0.0261 first:0.0242 whole:0.0185 other:0.0114 following:0.0075 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6091 was:0.1806 had:0.0814 is:0.0511 has:0.0438 said:0.0086 and:0.0074 took:0.0068 in:0.0057 any:0.0055 -:0.9620 city:0.0057 country:0.0056 world:0.0044 people:0.0044 time:0.0042 law:0.0036 same:0.0035 war:0.0035 land:0.0030 -of:0.1680 and:0.0731 :0.5406 is:0.0432 are:0.0379 to:0.0331 have:0.0323 was:0.0318 with:0.0230 or:0.0171 -:0.8180 was:0.0417 and:0.0368 is:0.0262 be:0.0191 the:0.0139 a:0.0138 have:0.0111 had:0.0103 has:0.0091 -:0.8142 and:0.0369 in:0.0340 of:0.0296 the:0.0196 by:0.0179 on:0.0145 for:0.0129 at:0.0111 was:0.0094 -the:0.0781 :0.8162 a:0.0288 that:0.0146 and:0.0130 tho:0.0119 or:0.0108 his:0.0101 of:0.0088 in:0.0077 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9673 and:0.0132 was:0.0032 went:0.0031 are:0.0026 work:0.0023 it:0.0023 oclock:0.0020 out:0.0020 m:0.0020 -:0.7878 the:0.0645 to:0.0399 that:0.0328 a:0.0210 and:0.0209 of:0.0131 it:0.0076 in:0.0070 an:0.0054 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8031 a:0.0750 the:0.0387 that:0.0184 one:0.0152 in:0.0124 all:0.0119 other:0.0101 to:0.0080 every:0.0073 -:0.5612 not:0.1191 to:0.0914 we:0.0634 they:0.0581 you:0.0444 the:0.0184 any:0.0160 it:0.0155 he:0.0124 -:0.9677 other:0.0046 most:0.0044 said:0.0042 city:0.0042 same:0.0036 the:0.0030 county:0.0028 time:0.0028 people:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -to:0.3129 :0.5005 of:0.0575 the:0.0410 and:0.0307 in:0.0219 a:0.0109 on:0.0086 that:0.0083 for:0.0077 -:0.7526 the:0.1377 a:0.0330 this:0.0181 and:0.0132 their:0.0115 tho:0.0113 his:0.0081 said:0.0076 to:0.0071 -:0.8008 was:0.0466 had:0.0451 has:0.0237 is:0.0202 would:0.0192 said:0.0170 will:0.0131 the:0.0082 could:0.0061 -:0.7392 and:0.0770 of:0.0369 the:0.0368 for:0.0292 in:0.0211 at:0.0206 from:0.0142 to:0.0128 as:0.0122 -:0.6253 of:0.1502 and:0.0707 in:0.0390 the:0.0383 for:0.0196 to:0.0157 as:0.0152 on:0.0132 at:0.0127 -:0.6800 of:0.0587 or:0.0561 the:0.0553 and:0.0511 for:0.0396 in:0.0183 with:0.0181 about:0.0116 that:0.0111 -:0.7819 as:0.0449 was:0.0301 is:0.0267 with:0.0264 in:0.0262 of:0.0205 to:0.0155 and:0.0143 for:0.0135 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7740 the:0.0984 a:0.0499 in:0.0229 of:0.0113 by:0.0096 very:0.0092 his:0.0086 and:0.0081 with:0.0080 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8439 and:0.0449 of:0.0302 to:0.0270 in:0.0130 for:0.0118 with:0.0083 the:0.0081 or:0.0071 by:0.0057 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.7611 and:0.0537 of:0.0381 the:0.0374 is:0.0371 was:0.0227 a:0.0139 to:0.0137 had:0.0114 has:0.0110 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.7870 and:0.0629 of:0.0594 the:0.0192 to:0.0175 is:0.0136 a:0.0132 in:0.0094 that:0.0090 for:0.0089 -:0.7165 not:0.0656 the:0.0387 a:0.0385 to:0.0305 as:0.0272 now:0.0244 that:0.0222 so:0.0203 very:0.0160 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.6847 of:0.1576 to:0.0353 with:0.0276 for:0.0239 on:0.0204 in:0.0166 and:0.0147 by:0.0106 upon:0.0086 -:0.6421 at:0.1242 the:0.0921 of:0.0400 a:0.0243 and:0.0217 his:0.0194 is:0.0156 in:0.0122 for:0.0086 -:0.6685 in:0.0959 to:0.0839 that:0.0330 of:0.0259 on:0.0239 at:0.0224 not:0.0187 by:0.0150 for:0.0127 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -the:0.4588 :0.2447 his:0.0986 a:0.0769 their:0.0286 its:0.0260 tho:0.0223 her:0.0223 this:0.0113 said:0.0106 -:0.8702 such:0.0231 time:0.0213 person:0.0163 manner:0.0154 thing:0.0133 one:0.0130 man:0.0113 way:0.0083 other:0.0076 -:0.9497 the:0.0120 a:0.0097 all:0.0065 no:0.0046 many:0.0041 to:0.0035 only:0.0035 it:0.0032 about:0.0032 -:0.7248 of:0.0557 the:0.0557 to:0.0378 in:0.0278 and:0.0275 for:0.0230 his:0.0187 as:0.0163 by:0.0127 -:0.9489 out:0.0152 one:0.0093 that:0.0056 all:0.0055 want:0.0032 some:0.0032 because:0.0031 and:0.0030 heard:0.0029 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -to:0.3786 :0.2803 in:0.0624 on:0.0615 into:0.0471 with:0.0470 from:0.0445 by:0.0331 of:0.0279 for:0.0176 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.6393 the:0.1784 and:0.0680 of:0.0406 a:0.0199 to:0.0178 this:0.0109 his:0.0093 in:0.0085 their:0.0073 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9414 one:0.0137 part:0.0114 number:0.0068 line:0.0051 many:0.0049 day:0.0048 out:0.0044 side:0.0039 half:0.0036 -:0.9384 it:0.0140 up:0.0112 in:0.0109 down:0.0056 him:0.0047 and:0.0045 all:0.0036 out:0.0036 to:0.0035 -:0.7703 the:0.0466 two:0.0342 other:0.0342 less:0.0246 three:0.0243 so:0.0180 a:0.0173 more:0.0164 any:0.0141 -:0.9468 same:0.0137 law:0.0060 city:0.0059 matter:0.0050 country:0.0050 world:0.0049 time:0.0045 county:0.0042 interest:0.0040 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.7134 and:0.0755 was:0.0550 is:0.0345 the:0.0258 be:0.0245 are:0.0227 he:0.0212 a:0.0165 had:0.0109 -the:0.3341 :0.4975 his:0.0442 a:0.0386 tho:0.0214 other:0.0192 their:0.0176 our:0.0099 its:0.0095 every:0.0080 -or:0.4192 :0.4543 than:0.0538 and:0.0205 of:0.0164 for:0.0084 not:0.0077 in:0.0070 to:0.0066 so:0.0061 -:0.8321 and:0.0427 of:0.0287 in:0.0253 be:0.0138 a:0.0127 is:0.0125 for:0.0114 the:0.0104 was:0.0104 -:0.6188 of:0.1551 and:0.1204 to:0.0202 in:0.0186 was:0.0169 is:0.0137 at:0.0137 for:0.0130 on:0.0098 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5033 of:0.3023 and:0.1076 in:0.0174 is:0.0146 to:0.0140 by:0.0108 or:0.0106 for:0.0099 at:0.0095 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8061 a:0.0718 p:0.0309 and:0.0248 the:0.0173 of:0.0108 was:0.0106 is:0.0106 to:0.0105 or:0.0066 -is:0.3157 was:0.1356 :0.3057 as:0.0952 so:0.0782 too:0.0222 very:0.0170 and:0.0112 has:0.0107 be:0.0083 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.8498 in:0.0272 and:0.0269 the:0.0182 of:0.0166 for:0.0164 to:0.0149 that:0.0141 a:0.0083 it:0.0076 -:0.8276 and:0.0405 is:0.0304 of:0.0265 as:0.0181 in:0.0143 for:0.0119 that:0.0110 have:0.0104 was:0.0094 -:0.9199 as:0.0270 and:0.0130 up:0.0073 from:0.0067 it:0.0058 down:0.0052 enough:0.0052 time:0.0051 right:0.0048 -:0.8843 one:0.0320 any:0.0209 some:0.0176 all:0.0104 each:0.0091 many:0.0087 those:0.0064 thousands:0.0061 out:0.0045 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.6383 of:0.1363 to:0.0447 in:0.0409 with:0.0351 and:0.0326 for:0.0294 on:0.0196 from:0.0124 by:0.0107 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6968 of:0.0930 and:0.0510 to:0.0465 for:0.0329 the:0.0244 that:0.0196 he:0.0142 in:0.0125 we:0.0090 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.9038 wife:0.0217 life:0.0177 hand:0.0113 way:0.0101 hands:0.0100 duty:0.0066 head:0.0066 place:0.0063 home:0.0058 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8628 be:0.0250 make:0.0212 take:0.0156 see:0.0146 get:0.0142 pay:0.0137 have:0.0121 all:0.0107 keep:0.0103 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -it:0.3030 :0.4524 he:0.0921 there:0.0909 she:0.0155 this:0.0132 which:0.0107 ho:0.0080 time:0.0077 what:0.0065 -the:0.5375 a:0.1407 :0.1687 his:0.0514 tho:0.0248 their:0.0229 its:0.0198 our:0.0135 tbe:0.0115 her:0.0091 -:0.6315 to:0.1012 the:0.0786 in:0.0401 that:0.0387 much:0.0284 great:0.0267 long:0.0203 a:0.0192 many:0.0154 -:0.7722 and:0.0784 of:0.0399 in:0.0237 the:0.0182 to:0.0165 for:0.0143 at:0.0137 is:0.0123 that:0.0108 -:0.6673 and:0.0923 is:0.0722 was:0.0604 be:0.0382 are:0.0238 have:0.0155 were:0.0129 has:0.0093 being:0.0081 -:0.8563 and:0.0355 of:0.0273 in:0.0207 to:0.0122 for:0.0117 is:0.0116 at:0.0097 with:0.0078 that:0.0074 -:0.5577 he:0.1153 it:0.0924 we:0.0608 not:0.0525 they:0.0497 was:0.0201 is:0.0197 have:0.0161 be:0.0157 -:0.6797 is:0.0637 and:0.0465 was:0.0444 have:0.0364 had:0.0333 has:0.0314 that:0.0269 of:0.0236 in:0.0141 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.9253 him:0.0180 it:0.0118 them:0.0117 all:0.0089 interest:0.0073 the:0.0052 her:0.0044 us:0.0037 a:0.0037 -:0.7788 the:0.1140 a:0.0289 and:0.0227 of:0.0187 in:0.0142 was:0.0070 or:0.0053 his:0.0053 this:0.0051 -:0.8379 the:0.0386 not:0.0380 to:0.0169 in:0.0164 now:0.0158 a:0.0147 hereby:0.0086 no:0.0066 more:0.0064 -the:0.5561 :0.3166 a:0.0370 tho:0.0260 this:0.0247 our:0.0090 his:0.0083 said:0.0083 its:0.0073 any:0.0066 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -of:0.1371 a:0.1360 :0.5524 in:0.0399 the:0.0387 and:0.0243 was:0.0198 are:0.0186 with:0.0168 to:0.0165 -:0.7619 a:0.1454 as:0.0249 an:0.0226 the:0.0212 other:0.0067 and:0.0053 of:0.0046 time:0.0042 city:0.0033 -:0.7894 few:0.0847 little:0.0294 good:0.0221 great:0.0204 large:0.0149 small:0.0122 certain:0.0099 dozen:0.0092 thousand:0.0077 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.5713 of:0.1021 in:0.0701 and:0.0653 for:0.0595 to:0.0442 at:0.0265 or:0.0221 with:0.0216 from:0.0173 -:0.7212 been:0.1137 a:0.0394 the:0.0380 not:0.0245 no:0.0223 to:0.0202 an:0.0094 made:0.0063 in:0.0050 -:0.6674 the:0.2477 a:0.0227 tho:0.0142 this:0.0120 said:0.0093 his:0.0085 these:0.0062 our:0.0061 their:0.0058 -:0.5318 and:0.1641 has:0.1134 was:0.0433 is:0.0369 will:0.0284 had:0.0215 but:0.0215 they:0.0198 would:0.0193 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7460 is:0.0786 was:0.0544 to:0.0242 and:0.0227 will:0.0185 the:0.0173 would:0.0147 in:0.0121 has:0.0115 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8159 in:0.0369 with:0.0249 as:0.0247 by:0.0200 that:0.0173 was:0.0169 for:0.0157 is:0.0155 at:0.0123 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.6526 the:0.1108 a:0.1087 to:0.0333 he:0.0198 it:0.0183 follows:0.0171 an:0.0155 they:0.0134 well:0.0105 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.6551 the:0.1715 a:0.0459 for:0.0268 to:0.0227 and:0.0200 his:0.0197 of:0.0154 their:0.0116 in:0.0113 -:0.7228 a:0.0823 the:0.0721 not:0.0365 to:0.0214 no:0.0163 now:0.0127 an:0.0126 in:0.0122 that:0.0109 -:0.9112 he:0.0358 it:0.0107 they:0.0083 we:0.0081 that:0.0059 she:0.0058 and:0.0050 who:0.0046 which:0.0045 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6819 is:0.1039 was:0.0525 and:0.0342 are:0.0306 be:0.0270 have:0.0253 well:0.0166 were:0.0155 had:0.0125 -:0.8255 and:0.0755 of:0.0415 auction:0.0140 for:0.0095 on:0.0087 or:0.0074 that:0.0065 in:0.0058 a:0.0056 -the:0.4038 :0.3086 a:0.1258 th:0.0331 this:0.0320 per:0.0243 tho:0.0203 every:0.0192 said:0.0174 one:0.0155 -:0.7414 the:0.0532 to:0.0385 that:0.0363 a:0.0349 in:0.0290 this:0.0197 was:0.0172 is:0.0168 and:0.0129 -:0.8325 the:0.0660 this:0.0217 to:0.0162 that:0.0153 a:0.0137 which:0.0114 them:0.0082 said:0.0078 their:0.0071 -:0.5569 the:0.3138 a:0.0426 this:0.0232 his:0.0144 tho:0.0131 their:0.0105 which:0.0092 said:0.0083 that:0.0079 -:0.8512 at:0.0797 and:0.0179 the:0.0133 of:0.0099 or:0.0069 for:0.0063 a:0.0062 in:0.0045 an:0.0041 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9533 own:0.0120 people:0.0081 country:0.0055 old:0.0040 men:0.0036 county:0.0036 the:0.0035 way:0.0034 city:0.0030 -:0.9603 hundred:0.0114 men:0.0045 feet:0.0043 line:0.0042 and:0.0039 year:0.0030 people:0.0028 head:0.0028 street:0.0028 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7877 was:0.0558 and:0.0536 is:0.0336 be:0.0161 are:0.0137 to:0.0119 the:0.0097 had:0.0090 have:0.0088 -:0.7684 two:0.0369 three:0.0368 for:0.0350 of:0.0347 and:0.0191 many:0.0182 several:0.0180 four:0.0170 twenty:0.0160 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7390 to:0.1021 of:0.0408 for:0.0264 in:0.0208 with:0.0167 and:0.0153 told:0.0142 on:0.0135 at:0.0112 -:0.5887 of:0.1831 the:0.1257 and:0.0367 a:0.0186 to:0.0114 in:0.0106 for:0.0094 with:0.0086 or:0.0071 -whole:0.0105 :0.9326 north:0.0090 most:0.0085 past:0.0073 various:0.0071 other:0.0070 great:0.0063 same:0.0059 public:0.0059 -the:0.3099 :0.5752 that:0.0255 a:0.0212 tho:0.0152 his:0.0144 he:0.0132 we:0.0086 other:0.0084 they:0.0083 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8768 which:0.0333 men:0.0220 these:0.0171 them:0.0144 you:0.0090 they:0.0075 that:0.0068 sale:0.0066 we:0.0064 -:0.7447 the:0.0767 his:0.0650 in:0.0270 a:0.0205 my:0.0159 their:0.0143 her:0.0126 to:0.0120 its:0.0113 -:0.7800 of:0.0549 in:0.0358 to:0.0323 for:0.0313 and:0.0188 that:0.0159 by:0.0112 at:0.0105 as:0.0093 -:0.7390 to:0.1021 of:0.0408 for:0.0264 in:0.0208 with:0.0167 and:0.0153 told:0.0142 on:0.0135 at:0.0112 -:0.8278 a:0.0519 one:0.0319 and:0.0158 being:0.0155 the:0.0131 he:0.0126 much:0.0116 in:0.0113 is:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8243 be:0.0388 make:0.0289 have:0.0231 do:0.0198 take:0.0171 see:0.0136 pay:0.0120 get:0.0117 the:0.0106 -:0.6262 a:0.1159 is:0.0615 was:0.0524 the:0.0505 and:0.0366 are:0.0211 of:0.0129 be:0.0128 were:0.0102 -:0.9277 the:0.0161 a:0.0134 and:0.0122 in:0.0095 public:0.0048 young:0.0044 more:0.0043 other:0.0039 be:0.0037 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9387 one:0.0173 all:0.0112 that:0.0062 many:0.0048 cost:0.0047 out:0.0046 use:0.0044 some:0.0044 part:0.0037 -:0.7142 of:0.0676 is:0.0375 in:0.0371 as:0.0297 with:0.0271 and:0.0233 was:0.0228 for:0.0215 to:0.0193 -:0.7864 much:0.0969 the:0.0344 a:0.0157 many:0.0144 and:0.0119 great:0.0112 in:0.0106 to:0.0104 little:0.0081 -to:0.2429 will:0.1906 may:0.1449 should:0.0616 would:0.0490 :0.1859 shall:0.0450 can:0.0353 must:0.0268 and:0.0180 -:0.8560 the:0.0728 that:0.0139 a:0.0123 in:0.0099 he:0.0084 it:0.0081 other:0.0064 all:0.0062 to:0.0060 -:0.7968 gave:0.0578 saw:0.0283 have:0.0279 told:0.0200 put:0.0153 let:0.0147 give:0.0143 are:0.0129 had:0.0119 -:0.6993 the:0.1891 of:0.0374 that:0.0190 other:0.0110 and:0.0103 his:0.0101 who:0.0084 tho:0.0077 its:0.0077 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.7282 that:0.0655 and:0.0617 as:0.0356 which:0.0355 but:0.0229 if:0.0179 when:0.0160 what:0.0089 where:0.0079 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.7078 he:0.0996 we:0.0736 they:0.0326 then:0.0208 she:0.0205 who:0.0162 not:0.0114 never:0.0096 ho:0.0080 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6052 a:0.1569 the:0.1477 and:0.0203 this:0.0188 of:0.0174 in:0.0139 his:0.0082 that:0.0058 tho:0.0058 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.7248 is:0.0876 was:0.0641 and:0.0366 are:0.0259 be:0.0159 of:0.0139 were:0.0138 or:0.0088 in:0.0085 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7921 the:0.0429 and:0.0409 of:0.0395 in:0.0203 that:0.0202 a:0.0179 to:0.0094 with:0.0087 by:0.0082 -:0.6919 of:0.0723 in:0.0417 is:0.0324 with:0.0322 and:0.0312 was:0.0287 as:0.0261 for:0.0258 to:0.0178 -:0.6290 of:0.1435 the:0.0814 in:0.0413 this:0.0285 a:0.0263 and:0.0201 that:0.0132 by:0.0087 with:0.0079 -:0.9496 and:0.0145 of:0.0104 or:0.0044 day:0.0042 men:0.0039 man:0.0034 the:0.0033 other:0.0032 county:0.0031 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9478 one:0.0141 out:0.0088 and:0.0058 part:0.0056 day:0.0045 line:0.0039 that:0.0034 amount:0.0031 all:0.0029 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8236 the:0.0460 and:0.0391 of:0.0321 to:0.0171 that:0.0100 a:0.0094 in:0.0086 or:0.0086 for:0.0055 -:0.6274 in:0.1001 that:0.0548 to:0.0483 of:0.0441 by:0.0312 for:0.0301 on:0.0243 with:0.0212 from:0.0184 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8184 be:0.0422 a:0.0323 the:0.0287 only:0.0229 to:0.0170 been:0.0140 in:0.0105 have:0.0070 as:0.0070 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9412 and:0.0245 to:0.0070 was:0.0065 of:0.0061 is:0.0040 all:0.0028 people:0.0027 will:0.0027 or:0.0026 -:0.6146 of:0.1639 in:0.0735 and:0.0343 for:0.0291 that:0.0220 to:0.0206 on:0.0143 by:0.0142 with:0.0135 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5447 of:0.3037 and:0.0489 the:0.0195 in:0.0185 for:0.0154 that:0.0134 or:0.0129 at:0.0123 to:0.0107 -:0.6497 the:0.1477 a:0.0687 and:0.0485 to:0.0184 of:0.0171 in:0.0166 this:0.0132 that:0.0101 was:0.0100 -:0.8925 the:0.0277 and:0.0232 in:0.0154 of:0.0121 a:0.0107 to:0.0059 that:0.0043 for:0.0041 or:0.0041 -:0.7756 of:0.1038 and:0.0566 in:0.0150 or:0.0146 to:0.0098 for:0.0079 was:0.0059 on:0.0059 the:0.0051 -:0.7237 to:0.0870 and:0.0564 of:0.0373 the:0.0236 will:0.0168 that:0.0164 or:0.0131 for:0.0131 a:0.0125 -:0.7460 to:0.0566 we:0.0430 who:0.0303 would:0.0303 and:0.0254 will:0.0241 they:0.0212 should:0.0118 you:0.0113 -:0.5491 and:0.1120 that:0.0689 to:0.0545 which:0.0534 as:0.0520 but:0.0487 when:0.0229 if:0.0209 where:0.0177 -:0.5954 of:0.1890 to:0.0576 and:0.0422 in:0.0260 that:0.0257 with:0.0216 the:0.0195 by:0.0123 or:0.0108 -:0.8351 the:0.0468 a:0.0306 of:0.0225 and:0.0163 at:0.0116 in:0.0113 his:0.0097 to:0.0084 for:0.0077 -:0.6550 the:0.2357 a:0.0340 his:0.0150 tho:0.0146 of:0.0125 and:0.0105 their:0.0089 this:0.0072 our:0.0066 -:0.9325 and:0.0378 up:0.0052 men:0.0040 interest:0.0040 but:0.0038 or:0.0034 work:0.0032 man:0.0032 situated:0.0028 -:0.6355 not:0.1850 to:0.0845 soon:0.0201 be:0.0185 hardly:0.0133 only:0.0122 also:0.0109 probably:0.0104 possibly:0.0096 -:0.6537 the:0.2187 a:0.0418 this:0.0155 all:0.0153 tho:0.0115 any:0.0113 once:0.0112 that:0.0106 his:0.0105 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.8532 and:0.0246 the:0.0244 a:0.0223 to:0.0161 in:0.0156 by:0.0130 of:0.0121 that:0.0096 at:0.0092 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9279 and:0.0250 together:0.0124 connected:0.0062 it:0.0060 up:0.0056 him:0.0049 connection:0.0044 charged:0.0039 compared:0.0036 -a:0.1852 the:0.1749 an:0.0340 tho:0.0194 those:0.0193 any:0.0178 some:0.0140 his:0.0128 :0.5102 its:0.0122 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.6231 the:0.2154 a:0.0866 his:0.0148 an:0.0116 tho:0.0110 all:0.0102 their:0.0101 her:0.0088 it:0.0084 -:0.6821 the:0.1130 a:0.0845 in:0.0304 more:0.0238 this:0.0195 be:0.0158 he:0.0108 and:0.0102 no:0.0098 -:0.7432 and:0.0659 of:0.0576 to:0.0520 in:0.0185 the:0.0148 is:0.0130 for:0.0120 was:0.0116 from:0.0114 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.9582 city:0.0061 world:0.0061 same:0.0052 country:0.0051 people:0.0051 right:0.0038 time:0.0035 law:0.0035 war:0.0033 -:0.7290 the:0.1125 a:0.0627 to:0.0397 not:0.0175 that:0.0101 and:0.0088 in:0.0067 one:0.0066 by:0.0065 -:0.7385 to:0.0518 for:0.0406 by:0.0363 in:0.0347 of:0.0323 with:0.0237 at:0.0187 on:0.0120 that:0.0114 -be:0.0018 been:0.0013 bo:0.0011 he:0.0009 hereby:0.0009 was:0.0008 have:0.0007 lie:0.0007 am:0.0007 she:0.0007 -:0.6487 of:0.1441 in:0.0461 to:0.0371 and:0.0317 for:0.0209 on:0.0206 with:0.0195 at:0.0168 that:0.0143 -:0.8297 and:0.0416 it:0.0224 who:0.0204 of:0.0178 that:0.0168 which:0.0139 there:0.0133 they:0.0126 he:0.0115 -:0.9484 him:0.0102 be:0.0073 work:0.0061 them:0.0054 pay:0.0052 it:0.0049 me:0.0047 go:0.0040 appear:0.0039 -:0.8348 as:0.0444 in:0.0229 by:0.0184 for:0.0159 from:0.0154 and:0.0150 that:0.0121 is:0.0109 to:0.0100 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -be:0.1057 the:0.0647 have:0.0437 :0.6772 bo:0.0269 take:0.0260 a:0.0166 make:0.0145 get:0.0142 his:0.0104 -:0.7012 the:0.1768 be:0.0539 a:0.0201 tho:0.0100 have:0.0090 his:0.0090 this:0.0081 do:0.0064 their:0.0057 -:0.6764 out:0.1796 one:0.0530 some:0.0257 all:0.0186 rid:0.0110 that:0.0102 up:0.0089 any:0.0085 because:0.0079 -:0.9405 hour:0.0161 old:0.0150 average:0.0062 inch:0.0059 order:0.0035 opportunity:0.0033 act:0.0031 a:0.0031 as:0.0031 -:0.9299 and:0.0152 is:0.0139 as:0.0098 according:0.0059 it:0.0056 went:0.0054 was:0.0052 feet:0.0047 have:0.0043 -:0.5782 the:0.1475 that:0.1309 and:0.0470 a:0.0280 they:0.0185 of:0.0136 or:0.0135 is:0.0118 he:0.0109 -:0.5399 as:0.2368 is:0.0629 and:0.0407 was:0.0390 so:0.0192 the:0.0179 are:0.0163 be:0.0138 a:0.0135 -:0.9637 good:0.0081 little:0.0062 great:0.0058 very:0.0033 man:0.0030 certain:0.0027 few:0.0025 new:0.0024 better:0.0023 -:0.9002 part:0.0164 number:0.0146 day:0.0128 matter:0.0125 member:0.0107 piece:0.0105 period:0.0087 sort:0.0070 series:0.0067 -:0.8070 and:0.0722 of:0.0277 that:0.0171 we:0.0169 is:0.0147 to:0.0139 for:0.0109 they:0.0099 will:0.0097 -:0.7738 of:0.0439 to:0.0412 for:0.0345 on:0.0299 with:0.0240 in:0.0157 upon:0.0136 by:0.0129 let:0.0105 -:0.7690 the:0.1018 a:0.0354 of:0.0245 and:0.0201 his:0.0197 in:0.0087 this:0.0071 tho:0.0070 to:0.0067 -:0.9115 and:0.0225 in:0.0160 the:0.0143 a:0.0108 to:0.0064 of:0.0058 at:0.0047 or:0.0042 for:0.0038 -:0.8196 the:0.0800 a:0.0218 and:0.0142 this:0.0128 it:0.0115 to:0.0109 that:0.0104 one:0.0095 in:0.0093 -of:0.5568 :0.2843 and:0.0312 in:0.0284 for:0.0221 with:0.0202 ot:0.0180 on:0.0151 from:0.0150 is:0.0089 -:0.9484 him:0.0102 be:0.0073 work:0.0061 them:0.0054 pay:0.0052 it:0.0049 me:0.0047 go:0.0040 appear:0.0039 -:0.5789 of:0.1810 in:0.0698 to:0.0336 and:0.0334 on:0.0265 for:0.0219 by:0.0192 with:0.0187 that:0.0169 -:0.9480 own:0.0271 way:0.0049 children:0.0034 the:0.0032 hands:0.0030 old:0.0029 friends:0.0026 and:0.0025 respective:0.0025 -to:0.0177 will:0.0037 can:0.0024 cannot:0.0023 :0.9656 would:0.0018 could:0.0017 must:0.0016 shall:0.0016 of:0.0015 -:0.9378 line:0.0272 and:0.0079 number:0.0049 part:0.0041 side:0.0039 are:0.0039 many:0.0036 amount:0.0034 of:0.0032 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8486 the:0.0389 of:0.0268 and:0.0263 in:0.0145 a:0.0136 to:0.0098 by:0.0083 for:0.0076 on:0.0056 -:0.8134 and:0.0531 to:0.0310 of:0.0272 the:0.0163 a:0.0128 that:0.0122 in:0.0116 with:0.0115 for:0.0109 -:0.9775 and:0.0047 it:0.0038 in:0.0035 men:0.0022 up:0.0020 of:0.0017 to:0.0017 him:0.0016 street:0.0013 -:0.6692 to:0.0577 in:0.0574 of:0.0526 from:0.0416 and:0.0338 at:0.0314 on:0.0243 with:0.0180 by:0.0139 -:0.8135 the:0.0477 and:0.0382 of:0.0248 a:0.0181 in:0.0169 to:0.0147 for:0.0091 his:0.0088 that:0.0081 -:0.9454 and:0.0268 it:0.0049 but:0.0043 is:0.0041 was:0.0034 him:0.0030 demand:0.0027 work:0.0027 court:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.7504 of:0.0871 in:0.0450 and:0.0345 for:0.0180 the:0.0163 by:0.0131 with:0.0125 to:0.0121 a:0.0111 -:0.7120 not:0.1414 an:0.0259 now:0.0237 to:0.0211 a:0.0207 also:0.0161 that:0.0155 the:0.0138 hereby:0.0098 -:0.7250 been:0.1402 a:0.0385 the:0.0262 not:0.0227 no:0.0171 made:0.0102 to:0.0087 done:0.0060 become:0.0052 -:0.7645 and:0.0733 of:0.0493 in:0.0312 at:0.0217 the:0.0210 a:0.0131 as:0.0095 or:0.0084 with:0.0081 -:0.8596 the:0.0483 more:0.0163 a:0.0160 other:0.0159 two:0.0112 to:0.0087 any:0.0086 less:0.0086 in:0.0069 -:0.7629 the:0.1236 said:0.0364 a:0.0233 and:0.0177 this:0.0120 of:0.0113 any:0.0050 tho:0.0040 to:0.0038 -:0.6237 the:0.2260 a:0.0512 and:0.0242 of:0.0204 his:0.0125 is:0.0123 all:0.0107 was:0.0095 tho:0.0095 -:0.6041 of:0.1421 in:0.0697 and:0.0465 to:0.0397 with:0.0250 for:0.0232 on:0.0197 from:0.0152 that:0.0149 -:0.7173 that:0.0814 and:0.0681 which:0.0292 as:0.0272 when:0.0182 but:0.0179 where:0.0173 if:0.0156 to:0.0078 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.7562 that:0.0736 and:0.0638 which:0.0272 to:0.0207 as:0.0190 will:0.0114 when:0.0106 but:0.0089 of:0.0087 -:0.9544 and:0.0135 it:0.0094 is:0.0044 in:0.0034 was:0.0034 him:0.0032 one:0.0029 that:0.0028 you:0.0027 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 -:0.8107 and:0.0460 the:0.0416 of:0.0243 he:0.0168 it:0.0146 in:0.0142 is:0.0107 that:0.0106 to:0.0104 -:0.8672 and:0.0410 have:0.0140 is:0.0136 to:0.0129 the:0.0119 was:0.0105 not:0.0098 that:0.0096 are:0.0096 -:0.8340 it:0.0527 he:0.0336 and:0.0231 which:0.0167 there:0.0118 who:0.0094 she:0.0079 that:0.0068 ho:0.0041 -:0.5610 of:0.1794 the:0.0759 in:0.0597 he:0.0237 and:0.0235 is:0.0223 by:0.0184 to:0.0182 on:0.0179 -:0.7601 of:0.0648 in:0.0638 and:0.0230 to:0.0185 on:0.0174 from:0.0142 with:0.0132 for:0.0131 by:0.0118 -:0.5912 down:0.1130 up:0.1106 out:0.0621 back:0.0396 as:0.0224 from:0.0168 and:0.0159 to:0.0157 away:0.0127 -:0.7075 the:0.1284 a:0.0384 it:0.0308 he:0.0261 that:0.0202 in:0.0142 to:0.0137 they:0.0106 not:0.0099 -:0.9634 and:0.0078 to:0.0065 in:0.0053 it:0.0035 him:0.0031 money:0.0030 back:0.0028 south:0.0026 up:0.0022 -:0.8501 a:0.0262 and:0.0245 the:0.0211 per:0.0172 of:0.0170 in:0.0143 was:0.0132 or:0.0082 on:0.0082 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.8113 it:0.0410 and:0.0294 he:0.0235 they:0.0224 which:0.0208 we:0.0159 that:0.0143 you:0.0113 there:0.0101 -:0.8063 the:0.0603 a:0.0388 his:0.0217 said:0.0170 all:0.0169 their:0.0145 for:0.0087 its:0.0082 that:0.0076 -:0.8914 out:0.0547 one:0.0118 and:0.0108 day:0.0072 side:0.0063 because:0.0047 all:0.0045 to:0.0043 part:0.0043 -:0.9630 same:0.0058 said:0.0052 city:0.0049 most:0.0046 other:0.0036 people:0.0035 th:0.0032 world:0.0032 county:0.0031 -:0.6487 of:0.1441 in:0.0461 to:0.0371 and:0.0317 for:0.0209 on:0.0206 with:0.0195 at:0.0168 that:0.0143 -:0.5188 the:0.1998 a:0.1293 his:0.0545 her:0.0221 an:0.0212 their:0.0205 its:0.0129 tho:0.0121 two:0.0087 -:0.8234 the:0.0477 of:0.0406 and:0.0337 a:0.0126 in:0.0120 to:0.0116 that:0.0075 was:0.0058 is:0.0052 diff --git a/trigram_model-50_steps-embed_100.bin b/trigram_model-50_steps-embed_100.bin deleted file mode 100644 index a7fe444..0000000 Binary files a/trigram_model-50_steps-embed_100.bin and /dev/null differ diff --git a/trigram_model-embed_100.bin b/trigram_model-embed_100.bin deleted file mode 100644 index fe65576..0000000 Binary files a/trigram_model-embed_100.bin and /dev/null differ diff --git a/trigram_model-embed_500.bin b/trigram_model-embed_500.bin deleted file mode 100644 index 1a356ac..0000000 Binary files a/trigram_model-embed_500.bin and /dev/null differ