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

10571 lines
1.2 MiB
Raw Permalink Blame History

This file contains invisible Unicode characters

This file contains invisible Unicode characters that are indistinguishable to humans but may be processed differently by a computer. If you think that this is intentional, you can safely ignore this warning. Use the Escape button to reveal them.

This file contains Unicode characters that might be confused with other characters. If you think that this is intentional, you can safely ignore this warning. Use the Escape button to reveal them.

{
"nbformat": 4,
"nbformat_minor": 0,
"metadata": {
"colab": {
"provenance": []
},
"kernelspec": {
"name": "python3",
"display_name": "Python 3"
},
"language_info": {
"name": "python"
},
"accelerator": "GPU",
"gpuClass": "standard"
},
"cells": [
{
"cell_type": "code",
"execution_count": 6,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "ECxQCLFdh2dg",
"outputId": "a5bf4387-212b-4f01-e3cc-df308fa015b8"
},
"outputs": [
{
"output_type": "stream",
"name": "stdout",
"text": [
"Drive already mounted at /content/gdrive; to attempt to forcibly remount, call drive.mount(\"/content/gdrive\", force_remount=True).\n"
]
}
],
"source": [
"from google.colab import drive\n",
"drive.mount('/content/gdrive')"
]
},
{
"cell_type": "code",
"source": [
"root_path = '/content/gdrive/MyDrive/challenging-america-word-gap-prediction'"
],
"metadata": {
"id": "uWXe1O7FjKVZ"
},
"execution_count": 7,
"outputs": []
},
{
"cell_type": "code",
"source": [
"import torch\n",
"torch.cuda.is_available()"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "Lo2e9lxajQGy",
"outputId": "751a36fc-203b-40eb-e59e-139d6ed92231"
},
"execution_count": 8,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"True"
]
},
"metadata": {},
"execution_count": 8
}
]
},
{
"cell_type": "code",
"source": [
"import torch\n",
"import csv\n",
"torch.cuda.empty_cache()\n",
"from torch.utils.data import DataLoader\n",
"import pandas as pd\n",
"from os.path import exists\n",
"from torchtext.vocab import build_vocab_from_iterator\n",
"import itertools\n",
"import regex as re\n",
"from csv import QUOTE_NONE\n",
"from torch import nn\n",
"\n",
"ENCODING = \"utf-8\"\n",
"\n",
"REP = re.compile(r\"[{}\\[\\]\\&%^$*#\\(\\)@\\t\\n0123456789]+\")\n",
"REM = re.compile(r\"'s|[\\-]\\\\n|\\-\\\\n|\\p{P}\")\n",
"\n",
"def read_csv(fname):\n",
" return pd.read_csv(fname, sep=\"\\t\", on_bad_lines='skip', header=None, quoting=QUOTE_NONE, encoding=ENCODING)\n",
"\n",
"def clean_text(text):\n",
" res = str(text).lower().strip()\n",
" res = res.replace(\"\", \"'\")\n",
" res = REM.sub(\"\", res)\n",
" res = REP.sub(\" \", res)\n",
" res = res.replace(\"'t\", \" not\")\n",
" res = res.replace(\"'s\", \" is\")\n",
" res = res.replace(\"'ll\", \" will\")\n",
" res = res.replace(\"'ve'\", \"have\")\n",
" return res.replace(\"'m\", \" am\")\n",
"\n",
"def get_words_from_line(line, specials = True):\n",
" line = line.rstrip()\n",
" if specials:\n",
" yield '<s>'\n",
" for m in re.finditer(r'[\\p{L}0-9\\*]+|\\p{P}+', line):\n",
" yield m.group(0).lower()\n",
" if specials:\n",
" yield '</s>'\n",
"\n",
"\n",
"def get_word_lines_from_data(d):\n",
" for line in d:\n",
" yield get_words_from_line(line)\n",
"\n",
"\n",
"\n",
"\n",
"class Bigrams(torch.utils.data.IterableDataset):\n",
" def __init__(self, data, vocabulary_size):\n",
" self.vocab = build_vocab_from_iterator(\n",
" get_word_lines_from_data(data),\n",
" max_tokens = vocabulary_size,\n",
" specials = ['<unk>'])\n",
" self.vocab.set_default_index(self.vocab['<unk>'])\n",
" self.vocabulary_size = vocabulary_size\n",
" self.data = data\n",
"\n",
" @staticmethod\n",
" def look_ahead_iterator(gen):\n",
" w1 = None\n",
" for item in gen:\n",
" if w1 is not None:\n",
" yield (w1, item)\n",
" w1 = item\n",
"\n",
" def __iter__(self):\n",
" return self.look_ahead_iterator(\n",
" (self.vocab[t] for t in itertools.chain.from_iterable(get_word_lines_from_data(self.data))))\n",
"\n",
"class SimpleBigramNeuralLanguageModel(torch.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",
"\n"
],
"metadata": {
"id": "GDsznRxrjNSi"
},
"execution_count": 9,
"outputs": []
},
{
"cell_type": "code",
"source": [
"\n",
"\n",
"data = read_csv(\"/content/gdrive/MyDrive/challenging-america-word-gap-prediction/train/in.tsv.xz\")\n",
"train_words = read_csv(\"/content/gdrive/MyDrive/challenging-america-word-gap-prediction/train/expected.tsv\")\n",
"\n",
"train_data = data[[6, 7]]\n",
"train_data = pd.concat([train_data, train_words], axis=1)\n",
"train_data = train_data[6] + train_data[0] + train_data[7]\n",
"train_data = train_data.apply(clean_text)\n",
"\n",
"vocab_size = 30000\n",
"embed_size = 150\n",
"\n",
"train_dataset = Bigrams(train_data, vocab_size)\n",
"\n",
"\n",
"\n",
"device = 'cuda' if torch.cuda.is_available() else 'cpu'\n",
"model = SimpleBigramNeuralLanguageModel(vocab_size, embed_size).to(device)\n",
"print(device)\n",
"if(not exists('model1.bin')):\n",
" data = DataLoader(train_dataset, batch_size=8000)\n",
" optimizer = torch.optim.Adam(model.parameters())\n",
" criterion = torch.nn.NLLLoss()\n",
"\n",
" model.train()\n",
" step = 0\n",
" for i in range(2):\n",
" print(f\"EPOCH {i}=========================\")\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')\n",
"else:\n",
" print(\"Loading model1\")\n",
" model.load_state_dict(torch.load('model1.bin'))\n",
"\n",
"\n",
"\n",
"vocab = train_dataset.vocab\n",
"\n",
"def predict(tokens):\n",
" ixs = torch.tensor(vocab.forward(tokens)).to(device)\n",
" out = model(ixs)\n",
" top = torch.topk(out[0], 8)\n",
" top_indices = top.indices.tolist()\n",
" top_probs = top.values.tolist()\n",
" top_words = vocab.lookup_tokens(top_indices)\n",
" result = \"\"\n",
" for word, prob in list(zip(top_words, top_probs)):\n",
" result += f\"{word}:{prob} \"\n",
" # result += f':0.01'\n",
" return result\n",
"\n",
"DEFAULT_PREDICTION = \"from:0.2 the:0.2 to:0.2 a:0.1 and:0.1 of:0.1 :0.1\"\n",
"\n",
"def predict_file(result_path, data):\n",
" with open(result_path, \"w+\", encoding=\"UTF-8\") as f:\n",
" for row in data:\n",
" result = {}\n",
" before = None\n",
" for before in get_words_from_line(clean_text(str(row)), False):\n",
" pass\n",
" before = [before]\n",
" print(before)\n",
" if(len(before) < 1):\n",
" result = DEFAULT_PREDICTION\n",
" else:\n",
" result = predict(before)\n",
" result = result.strip()\n",
" f.write(result + \"\\n\")\n",
" print(result)\n",
"\n"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "UAGoWjAvgdHR",
"outputId": "7488a193-d5d3-4e15-8c94-e6a92fcb6e1c"
},
"execution_count": 10,
"outputs": [
{
"output_type": "stream",
"name": "stdout",
"text": [
"cuda\n",
"Loading model1\n"
]
}
]
},
{
"cell_type": "code",
"source": [
"dev_data = pd.read_csv(\"/content/gdrive/MyDrive/challenging-america-word-gap-prediction/dev-0/in.tsv.xz\", sep='\\t', header=None, quoting=csv.QUOTE_NONE)[6]\n",
"dev_data = dev_data.apply(clean_text)\n",
"predict_file(\"/content/gdrive/MyDrive/challenging-america-word-gap-prediction/dev-0/out.tsv\", dev_data)\n",
"\n",
"test_data = pd.read_csv(\"/content/gdrive/MyDrive/challenging-america-word-gap-prediction/test-A/in.tsv.xz\", sep='\\t', header=None, quoting=csv.QUOTE_NONE)[6]\n",
"test_data = test_data.apply(clean_text)\n",
"predict_file(\"/content/gdrive/MyDrive/challenging-america-word-gap-prediction/test-A/out.tsv\", test_data)"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "NcAFyvb6gi6O",
"outputId": "dac6e397-e648-46d7-aa36-ad7675cec7d3"
},
"execution_count": 11,
"outputs": [
{
"output_type": "stream",
"name": "stdout",
"text": [
"['fromn']\n",
"to:0.6022941470146179 <unk>:0.08413857221603394 the:0.02710115723311901 a:0.024180108681321144 cents:0.01099067460745573 and:0.010230590589344501 oclock:0.01012511644512415 at:0.007927066646516323\n",
"['its']\n",
"<unk>:0.2702571153640747 own:0.019152523949742317 use:0.006631065625697374 way:0.005629365798085928 provisions:0.004911798983812332 power:0.004610280506312847 origin:0.0041810800321400166 present:0.004065223038196564\n",
"['ot']\n",
"the:0.22001349925994873 <unk>:0.19508947432041168 a:0.030033614486455917 this:0.01654713787138462 tho:0.016085060313344002 his:0.013413750566542149 tbe:0.011244924739003181 said:0.010236472822725773\n",
"['singlenspiing']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['com']\n",
"<unk>:0.3745647668838501 nmittee:0.0985867902636528 npany:0.07008005678653717 nplete:0.0227628406137228 nmenced:0.022177640348672867 nmunity:0.019416389986872673 ning:0.018061168491840363 npelled:0.017108052968978882\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['fruitn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['lazarette']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['seasonnmechanics']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['infelt']\n",
"that:0.16725043952465057 a:0.1049814447760582 the:0.07968802005052567 <unk>:0.06530243158340454 as:0.040015850216150284 so:0.02690543234348297 to:0.023759080097079277 it:0.01877797581255436\n",
"['these']\n",
"<unk>:0.19787919521331787 are:0.03109699860215187 men:0.02476704865694046 things:0.01615901105105877 two:0.015082272700965405 were:0.014673557132482529 days:0.007715313229709864 people:0.0068898797035217285\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['too']\n",
"<unk>:0.18147820234298706 much:0.09218698740005493 late:0.02721041440963745 long:0.02395564876496792 many:0.02172279916703701 far:0.01422102004289627 small:0.01405904721468687 great:0.012681767344474792\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['me']\n",
"<unk>:0.1571723371744156 to:0.09861639887094498 and:0.05510082468390465 that:0.04905012249946594 in:0.031311556696891785 a:0.026816315948963165 i:0.02574211359024048 the:0.022411905229091644\n",
"['country']\n",
"<unk>:0.11966928094625473 and:0.07137807458639145 in:0.03494032099843025 is:0.034728653728961945 to:0.03073720633983612 the:0.026472346857190132 that:0.016115514561533928 has:0.01602117158472538\n",
"['pray']\n",
"for:0.1147090271115303 that:0.09854457527399063 <unk>:0.09667541831731796 and:0.05276889353990555 to:0.043221574276685715 the:0.026828594505786896 thee:0.020481640473008156 ning:0.01991654746234417\n",
"['well']\n",
"as:0.17864541709423065 <unk>:0.11902722716331482 known:0.06120625138282776 and:0.03417086973786354 to:0.030580556020140648 in:0.01440605241805315 that:0.013506671413779259 for:0.012597030960023403\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['mag']\n",
"<unk>:0.6771595478057861 var:0.04740045964717865 and:0.015082723461091518 a:0.01107875257730484 the:0.00967230275273323 to:0.009017998352646828 of:0.006967801600694656 e:0.006326612550765276\n",
"['seed']\n",
"<unk>:0.14156512916088104 and:0.047204963862895966 is:0.03819289058446884 in:0.029025167226791382 the:0.025906240567564964 of:0.023483337834477425 corn:0.02170969545841217 was:0.019000500440597534\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['york']\n",
"<unk>:0.18007470667362213 and:0.07088713347911835 city:0.04835294559597969 the:0.01977786421775818 to:0.01939130388200283 for:0.01731991022825241 in:0.014967141672968864 tribune:0.013161341659724712\n",
"['beenn']\n",
"<unk>:0.21989615261554718 a:0.027275050058960915 in:0.023197248578071594 and:0.015070127323269844 the:0.010114927776157856 to:0.007723797112703323 of:0.005964544601738453 at:0.0057502021081745625\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['buy']\n",
"<unk>:0.14975865185260773 a:0.10235429555177689 the:0.07125183194875717 and:0.043543219566345215 it:0.02510141395032406 in:0.021220633760094643 for:0.016868017613887787 them:0.015618979930877686\n",
"['inferen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['uponn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ar']\n",
"<unk>:0.3615242540836334 nrested:0.04803482070565224 nranged:0.01859256438910961 the:0.017519423738121986 a:0.016516724601387978 nrived:0.016169406473636627 sch:0.015866553410887718 schs:0.01586332358419895\n",
"['minister']\n",
"of:0.20191951096057892 <unk>:0.1576572060585022 to:0.08270685374736786 and:0.055784814059734344 in:0.04526316374540329 who:0.022849131375551224 was:0.01826796866953373 is:0.01268035639077425\n",
"['ofsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['memorable']\n",
"<unk>:0.23944434523582458 day:0.026241321116685867 year:0.024737460538744926 and:0.024195699021220207 occasion:0.02371875010430813 in:0.01599171571433544 event:0.015270641073584557 night:0.009204641915857792\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['thought']\n",
"that:0.10238199681043625 of:0.09746503084897995 <unk>:0.08445286750793457 it:0.0692593976855278 the:0.03876238316297531 to:0.036570657044649124 he:0.03208998963236809 and:0.02360614947974682\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['furnished']\n",
"by:0.13623559474945068 <unk>:0.13086862862110138 the:0.07768431305885315 with:0.06902734190225601 to:0.06692063063383102 and:0.031122008338570595 in:0.030942710116505623 a:0.024767804890871048\n",
"['kindhe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['share']\n",
"of:0.2963021993637085 in:0.11481660604476929 <unk>:0.08151209354400635 the:0.04714621230959892 and:0.029531721025705338 to:0.02145523764193058 or:0.020925426855683327 ofnthe:0.01523417979478836\n",
"['idn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ho']\n",
"<unk>:0.19489049911499023 was:0.07406753301620483 had:0.05150853469967842 is:0.036005403846502304 has:0.022943999618291855 would:0.018995828926563263 will:0.01608256995677948 could:0.015021993778645992\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['particularly']\n",
"<unk>:0.1600012630224228 described:0.08091900497674942 in:0.05816621705889702 the:0.04016972333192825 to:0.0396663099527359 of:0.018677931278944016 that:0.016451124101877213 as:0.016146983951330185\n",
"['toundn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['resist']\n",
"the:0.20629844069480896 <unk>:0.13768623769283295 any:0.025579893961548805 it:0.02541232667863369 a:0.025056391954421997 nance:0.021608872339129448 his:0.02115912362933159 all:0.019421102479100227\n",
"['great']\n",
"<unk>:0.23301440477371216 deal:0.042057666927576065 many:0.023794014006853104 britain:0.01637883484363556 and:0.01608119159936905 northern:0.0075382268987596035 number:0.007448261603713036 work:0.006052902899682522\n",
"['sore']\n",
"<unk>:0.2727644741535187 throat:0.09327245503664017 and:0.06414686888456345 to:0.03874184936285019 of:0.02285708300769329 in:0.020859427750110626 eyes:0.014868006110191345 with:0.013868249021470547\n",
"['copious']\n",
"<unk>:0.2814045250415802 and:0.057153813540935516 spitting:0.024884618818759918 or:0.01493043638765812 rains:0.00676787318661809 expectoration:0.006205611862242222 use:0.005000473465770483 in:0.004916490521281958\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['anniversary']\n",
"of:0.5570573806762695 <unk>:0.05830441787838936 ofnthe:0.025549080222845078 and:0.02235742285847664 the:0.013832224532961845 in:0.012621582485735416 ot:0.00933550950139761 that:0.007586529012769461\n",
"['drove']\n",
"<unk>:0.15266035497188568 the:0.08227454870939255 to:0.07634899020195007 up:0.04997767135500908 out:0.03920309618115425 them:0.034609872847795486 him:0.03244243934750557 a:0.030813029035925865\n",
"['claimn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rulenyour']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['presidential']\n",
"<unk>:0.30631786584854126 election:0.09481414407491684 electors:0.05854112654924393 campaign:0.056805189698934555 candidate:0.04167124629020691 candidates:0.027102060616016388 nomination:0.02184944972395897 elections:0.015486281365156174\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['financial']\n",
"<unk>:0.2771313190460205 and:0.030127525329589844 policy:0.02824564278125763 condition:0.024351194500923157 stringency:0.018086541444063187 affairs:0.015763157978653908 panic:0.012458850629627705 question:0.009656081907451153\n",
"['turn']\n",
"<unk>:0.1496334820985794 the:0.0648597702383995 out:0.06267675012350082 to:0.0600338950753212 of:0.049756769090890884 and:0.02935531921684742 in:0.029205771163105965 over:0.021794509142637253\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['little']\n",
"<unk>:0.24557887017726898 girl:0.025172490626573563 more:0.019780097529292107 of:0.01807580143213272 in:0.01266819890588522 to:0.012459754943847656 and:0.011518032290041447 or:0.010145704261958599\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['now']\n",
"<unk>:0.14582782983779907 in:0.04832162708044052 the:0.024043085053563118 and:0.021647101268172264 that:0.019400129094719887 a:0.017484351992607117 to:0.014732500538229942 on:0.013634675182402134\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['permit']\n",
"the:0.1632901132106781 <unk>:0.1252882182598114 of:0.04265236482024193 to:0.03897421807050705 me:0.03697557374835014 him:0.036127787083387375 a:0.03516046330332756 them:0.027134213596582413\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['andnthe']\n",
"<unk>:0.10762743651866913 other:0.014708217233419418 same:0.008086836896836758 first:0.00714407442137599 whole:0.006792465224862099 most:0.006189970299601555 people:0.005712251644581556 amount:0.005635734181851149\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['de']\n",
"<unk>:0.49304428696632385 nscribed:0.03593514487147331 ncree:0.01910579949617386 nclare:0.016634183004498482 npartment:0.013101846911013126 ncision:0.012689454481005669 nceased:0.011244077235460281 nmands:0.010968760587275028\n",
"['dip']\n",
"<unk>:0.18214932084083557 the:0.07342560589313507 of:0.062355153262615204 in:0.05248147249221802 a:0.047397300601005554 and:0.03739320486783981 it:0.024377480149269104 to:0.015617425553500652\n",
"['like']\n",
"<unk>:0.18616856634616852 a:0.17956425249576569 the:0.09968697279691696 to:0.06316488981246948 that:0.0213160440325737 an:0.0169201772660017 it:0.013055045157670975 this:0.013001575134694576\n",
"['expand']\n",
"the:0.12572140991687775 and:0.11769000440835953 <unk>:0.09885091334581375 to:0.04987511411309242 it:0.031796764582395554 in:0.029610566794872284 a:0.028658149763941765 as:0.025107450783252716\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['disfiguration']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['hasn']\n",
"<unk>:0.17889410257339478 een:0.0487578809261322 been:0.04432809352874756 the:0.0182209312915802 a:0.015206229873001575 to:0.011778036132454872 in:0.009196098893880844 e:0.008825796656310558\n",
"['greatnmeasure']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['day']\n",
"of:0.3034079968929291 <unk>:0.08016764372587204 and:0.04774697870016098 the:0.025342067703604698 to:0.02038748562335968 in:0.020222947001457214 or:0.015532629564404488 at:0.015224823728203773\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['midgenmakes']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['gratifiedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pay']\n",
"the:0.1480865776538849 <unk>:0.089902363717556 for:0.08847824484109879 a:0.04429009556770325 to:0.032318364828825 nment:0.01842622645199299 and:0.014837000519037247 of:0.014597073197364807\n",
"['habit']\n",
"of:0.41023752093315125 <unk>:0.14767734706401825 and:0.04803241044282913 is:0.019620215520262718 to:0.018852675333619118 the:0.017077317461371422 which:0.016443854197859764 in:0.013901734724640846\n",
"['incidents']\n",
"of:0.29866883158683777 <unk>:0.10820091515779495 in:0.04884188622236252 and:0.0451679527759552 that:0.025860637426376343 which:0.025412598624825478 connected:0.020349707454442978 the:0.018996335566043854\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['only']\n",
"<unk>:0.16589561104774475 a:0.06038087606430054 to:0.046623602509498596 the:0.036858413368463516 in:0.03357406705617905 one:0.02650539204478264 by:0.017633434385061264 be:0.01402018778026104\n",
"['andneverybody']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['whiell']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['come']\n",
"to:0.17094673216342926 <unk>:0.1031876653432846 in:0.060832031071186066 from:0.034362196922302246 and:0.03334948420524597 out:0.03294382244348526 into:0.03275981917977333 back:0.0275673009455204\n",
"['into']\n",
"the:0.29200682044029236 <unk>:0.15183523297309875 a:0.08336054533720016 his:0.01840839348733425 tho:0.015280143357813358 an:0.012433086521923542 this:0.012129685841500759 their:0.011247316375374794\n",
"['strictlyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['incould']\n",
"not:0.27519363164901733 <unk>:0.05142929032444954 see:0.03915046155452728 be:0.02989174984395504 get:0.029048211872577667 have:0.021763350814580917 hardly:0.01833612285554409 hear:0.016535388305783272\n",
"['being']\n",
"<unk>:0.18178798258304596 the:0.05463423579931259 a:0.044204384088516235 in:0.03139527887105942 made:0.021438436582684517 done:0.010384885594248772 to:0.008472583256661892 of:0.007576572708785534\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['par']\n",
"<unk>:0.20796771347522736 value:0.08712632954120636 nty:0.07249657064676285 nticular:0.048743296414613724 nties:0.03478650748729706 and:0.03286156803369522 nticularly:0.029927806928753853 ntial:0.022359734401106834\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['prevalent']\n",
"in:0.18078169226646423 <unk>:0.0947568416595459 and:0.06480997055768967 that:0.040276192128658295 as:0.026730772107839584 but:0.013920711353421211 for:0.013013817369937897 on:0.01264421921223402\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['ad']\n",
"<unk>:0.46572381258010864 valorem:0.0639818087220192 nvanced:0.03069620206952095 nvance:0.021423691883683205 ndress:0.020832737907767296 the:0.015519566833972931 and:0.013783372938632965 in:0.012624251656234264\n"
]
},
{
"output_type": "stream",
"name": "stderr",
"text": [
"/usr/local/lib/python3.10/dist-packages/torch/nn/modules/container.py:217: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.\n",
" input = module(input)\n"
]
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"\u001b[1;30;43mStrumieniowane dane wyjściowe obcięte do 5000 ostatnich wierszy.\u001b[0m\n",
"['wellnspread']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['from']\n",
"the:0.25287488102912903 <unk>:0.15713191032409668 a:0.034414686262607574 his:0.014321111142635345 tho:0.014128337614238262 this:0.012060044333338737 which:0.011743685230612755 to:0.011461544781923294\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['say']\n",
"that:0.21495364606380463 <unk>:0.11226599663496017 the:0.04550514370203018 to:0.03919023275375366 it:0.028015941381454468 i:0.022692859172821045 a:0.01814952678978443 in:0.017609383910894394\n",
"['rest']\n",
"of:0.2671319246292114 <unk>:0.09157544374465942 and:0.051582906395196915 in:0.03871097043156624 on:0.02648262120783329 the:0.025508644059300423 upon:0.016937701031565666 assured:0.015263134613633156\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['him']\n",
"<unk>:0.10401047766208649 to:0.10037162899971008 and:0.06415976583957672 in:0.04259955883026123 the:0.02874256856739521 a:0.02758781798183918 that:0.0228275079280138 as:0.02206616848707199\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['known']\n",
"as:0.17906907200813293 to:0.1604887694120407 <unk>:0.10328951478004456 that:0.06191052868962288 and:0.05049519240856171 in:0.04228660836815834 the:0.02014406956732273 by:0.016692543402314186\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['wenn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['what']\n",
"<unk>:0.11899658292531967 is:0.09058628976345062 the:0.05584552139043808 he:0.055342115461826324 it:0.04097414389252663 was:0.0380481593310833 a:0.030636867508292198 they:0.02920752577483654\n",
"['ground']\n",
"<unk>:0.1374719738960266 and:0.06979455798864365 that:0.060389481484889984 of:0.04216333478689194 in:0.03245219215750694 with:0.030342867597937584 the:0.027031153440475464 for:0.026427827775478363\n",
"['some']\n",
"<unk>:0.17425395548343658 of:0.17399758100509644 time:0.033102847635746 one:0.019578879699110985 other:0.01773841679096222 years:0.014443687163293362 ofnthe:0.009550128132104874 way:0.007940506562590599\n",
"['facts']\n",
"<unk>:0.12162864208221436 and:0.08035537600517273 in:0.06168408319354057 of:0.05010320618748665 that:0.046635232865810394 are:0.03997327387332916 as:0.03181654214859009 to:0.023187898099422455\n",
"['mi']\n",
"<unk>:0.28136664628982544 the:0.02248641476035118 a:0.016490785405039787 i:0.01594664715230465 in:0.012440882623195648 and:0.01030310895293951 </s>:0.00990522000938654 of:0.008500398136675358\n",
"['elevator']\n",
"<unk>:0.13514694571495056 and:0.09703655540943146 companies:0.041655730456113815 company:0.030175816267728806 in:0.024098578840494156 or:0.014940369874238968 for:0.01303930301219225 by:0.011949007399380207\n",
"['wise']\n",
"<unk>:0.15170572698116302 and:0.1150946393609047 to:0.06811027228832245 appertaining:0.035481829196214676 in:0.024294614791870117 men:0.024229921400547028 as:0.02325117588043213 man:0.014908669516444206\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['commend']\n",
"the:0.11945584416389465 itself:0.06042272597551346 to:0.05919293314218521 it:0.0570063479244709 <unk>:0.050666287541389465 them:0.05030451714992523 him:0.04998549818992615 and:0.03078053519129753\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['ourn']\n",
"<unk>:0.39382219314575195 and:0.011552629992365837 feet:0.00959747564047575 the:0.007690655067563057 to:0.007125630509108305 i:0.007030377630144358 a:0.005803974345326424 t:0.005078909918665886\n",
"['fact']\n",
"that:0.39098605513572693 <unk>:0.07769396156072617 is:0.038525763899087906 the:0.034249939024448395 of:0.03126796334981918 it:0.018812306225299835 and:0.016333023086190224 thatnthe:0.01586158759891987\n",
"['hn']\n",
"<unk>:0.40869736671447754 w:0.01600746624171734 chatham:0.01587497442960739 a:0.012906793504953384 the:0.012000254355370998 of:0.01196422427892685 and:0.01193371880799532 e:0.008795693516731262\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['followsn']\n",
"<unk>:0.12230867147445679 the:0.09292732924222946 a:0.03175881505012512 of:0.024685362353920937 this:0.02118527702987194 he:0.018826929852366447 no:0.018826616927981377 i:0.0188081506639719\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['turnedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['central']\n",
"<unk>:0.28010228276252747 railroad:0.04624203220009804 and:0.04277598112821579 committee:0.017165429890155792 park:0.016560712829232216 part:0.01345917396247387 pacific:0.012607277370989323 america:0.012253711931407452\n",
"['good']\n",
"<unk>:0.1800873577594757 and:0.034809429198503494 deal:0.0223788283765316 to:0.021396957337856293 for:0.015180929563939571 as:0.014388279989361763 roads:0.011519820429384708 many:0.011263051070272923\n",
"['apartment']\n",
"<unk>:0.11303121596574783 in:0.05551525577902794 and:0.04577212035655975 houses:0.043449025601148605 house:0.035473305732011795 is:0.032584186643362045 the:0.03078450821340084 of:0.02266555465757847\n",
"['linen']\n",
"<unk>:0.17741422355175018 and:0.08512919396162033 of:0.038042619824409485 handkerchiefs:0.01947547122836113 or:0.015615035779774189 in:0.014042098075151443 with:0.013879945501685143 coats:0.010239120572805405\n",
"['than']\n",
"<unk>:0.1189335286617279 the:0.09955327957868576 a:0.0481162890791893 any:0.034569866955280304 in:0.02920665591955185 that:0.02609132044017315 one:0.02373056858778 to:0.022401196882128716\n",
"['ever']\n",
"<unk>:0.2154327929019928 been:0.050246719270944595 since:0.04413799196481705 before:0.039964303374290466 had:0.02021610364317894 be:0.01951783336699009 in:0.015496287494897842 saw:0.012246056459844112\n",
"['penanthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['encouragement']\n",
"to:0.15264785289764404 of:0.1455760896205902 and:0.0860772654414177 <unk>:0.07461944222450256 in:0.03974514827132225 the:0.03513322398066521 for:0.02807413600385189 from:0.023861227557063103\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['dakota']\n",
"<unk>:0.14652682840824127 on:0.11993848532438278 and:0.09048701077699661 in:0.045984070748090744 to:0.034056052565574646 at:0.033352822065353394 the:0.017756661400198936 county:0.013473534025251865\n",
"['orderedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ol']\n",
"<unk>:0.23865024745464325 the:0.20971642434597015 a:0.025130726397037506 tho:0.011873121373355389 this:0.01160435564815998 said:0.009338573552668095 his:0.009322249330580235 tbe:0.00882399920374155\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['th']\n",
"<unk>:0.20856480300426483 day:0.17502973973751068 of:0.04865522310137749 and:0.025335680693387985 street:0.013732117600739002 daynof:0.011129848659038544 the:0.009347060695290565 </s>:0.007662114687263966\n",
"['f']\n",
"<unk>:0.33081910014152527 the:0.06714984774589539 a:0.024773625656962395 r:0.022999776527285576 m:0.012727152556180954 h:0.010183022357523441 and:0.009944108314812183 w:0.009089533239603043\n",
"['whfch']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['lungsnchould']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['dayn']\n",
"<unk>:0.12274598330259323 of:0.042603857815265656 the:0.029073845595121384 and:0.02548983320593834 a:0.022993680089712143 in:0.018368009477853775 be:0.01065831072628498 </s>:0.009792870841920376\n",
"['pricesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['aln']\n",
"<unk>:0.25407740473747253 the:0.02635866217315197 and:0.01712917722761631 in:0.008856719359755516 for:0.008694037795066833 no:0.008676018565893173 on:0.007427920121699572 is:0.0071052019484341145\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['remarkablyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['associations']\n",
"and:0.14909349381923676 <unk>:0.12642063200473785 of:0.10908132791519165 in:0.04022640362381935 are:0.03734118863940239 the:0.021830635145306587 or:0.017194261774420738 to:0.01604018546640873\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['nightn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mountebank']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['broufht']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['p']\n",
"m:0.3617202639579773 <unk>:0.257373571395874 r:0.013251986354589462 a:0.008899691514670849 in:0.008549975231289864 b:0.007218791171908379 c:0.007097408641129732 j:0.007063710130751133\n",
"['anrocky']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['wasn']\n",
"<unk>:0.17828217148780823 a:0.06104143708944321 to:0.04011765867471695 the:0.035765957087278366 and:0.0352165661752224 in:0.03417397290468216 years:0.025945717468857765 per:0.017281075939536095\n",
"['proved']\n",
"to:0.1792956441640854 <unk>:0.13156574964523315 that:0.07699204236268997 a:0.05222391337156296 the:0.046136513352394104 by:0.04469001293182373 in:0.03765649348497391 an:0.017632100731134415\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['iowan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['onn']\n",
"<unk>:0.2573271095752716 the:0.054543156176805496 a:0.028942041099071503 of:0.028793184086680412 th:0.025362007319927216 i:0.014007133431732655 bbl:0.012129217386245728 and:0.011664386838674545\n",
"['pood']\n",
"<unk>:0.16353563964366913 and:0.021971208974719048 as:0.02047673426568508 in:0.014478336088359356 to:0.013555939309298992 time:0.011389103718101978 for:0.007571924943476915 of:0.005867846310138702\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['couldn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['annn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nof']\n",
"the:0.2805168628692627 <unk>:0.07790356129407883 section:0.028715379536151886 this:0.024134283885359764 said:0.023297453299164772 mortgages:0.02176334150135517 a:0.020796947181224823 course:0.011715427041053772\n",
"['iioiin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['domain']\n",
"of:0.19037796556949615 <unk>:0.10752991586923599 and:0.0721801221370697 to:0.03194751590490341 is:0.031179208308458328 the:0.025113694369792938 as:0.018790939822793007 in:0.0171558428555727\n",
"['door']\n",
"of:0.2567424178123474 <unk>:0.1079985648393631 and:0.08049219101667404 in:0.02637580595910549 to:0.026177335530519485 was:0.01896766573190689 at:0.017988065257668495 ofnthe:0.01498465146869421\n",
"['safen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ordinary']\n",
"<unk>:0.2629507780075073 and:0.01459957379847765 business:0.007737538777291775 circumstances:0.007248510140925646 way:0.0071929628029465675 man:0.006172054912894964 conditions:0.0053436183370649815 course:0.005015553440898657\n",
"['notified']\n",
"that:0.44700372219085693 to:0.07935777306556702 of:0.05688105896115303 the:0.05670984834432602 <unk>:0.05458160862326622 and:0.03963802382349968 by:0.038625650107860565 for:0.007223705295473337\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['about']\n",
"<unk>:0.16251502931118011 the:0.1293736845254898 a:0.04998978599905968 to:0.03513412922620773 it:0.02537279948592186 two:0.01648150384426117 one:0.013926786370575428 this:0.011903013102710247\n",
"['him']\n",
"<unk>:0.10401047766208649 to:0.10037162899971008 and:0.06415976583957672 in:0.04259955883026123 the:0.02874256856739521 a:0.02758781798183918 that:0.0228275079280138 as:0.02206616848707199\n",
"['bed']\n",
"<unk>:0.1493653804063797 and:0.09828052669763565 of:0.07797157764434814 with:0.026033949106931686 the:0.026013463735580444 in:0.023607488721609116 at:0.022763598710298538 for:0.02129414677619934\n",
"['humanitynhe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['s']\n",
"<unk>:0.24743959307670593 and:0.022346865385770798 a:0.020876672118902206 c:0.02086692675948143 s:0.018633587285876274 w:0.015286792069673538 n:0.014412941411137581 to:0.014249380677938461\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['just']\n",
"as:0.18960432708263397 <unk>:0.11830898374319077 the:0.02586853876709938 been:0.021793019026517868 a:0.021105173975229263 now:0.017591174691915512 what:0.017403941601514816 before:0.016763173043727875\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['plansn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nft']\n",
"to:0.23248440027236938 thence:0.13160960376262665 <unk>:0.0638410896062851 of:0.03282667696475983 dist:0.011081154458224773 chs:0.009778987616300583 n:0.009767229668796062 d:0.00975499302148819\n",
"['blossom']\n",
"and:0.10731347650289536 <unk>:0.09192359447479248 as:0.047144047915935516 of:0.029263164848089218 the:0.02507861703634262 in:0.020893795415759087 a:0.017187226563692093 with:0.01324430014938116\n",
"['nation']\n",
"<unk>:0.11996717751026154 and:0.0790521502494812 of:0.0399576835334301 is:0.035113535821437836 in:0.03467998653650284 to:0.031281791627407074 the:0.025214601308107376 has:0.021718328818678856\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['war']\n",
"<unk>:0.11769980192184448 and:0.056337323039770126 of:0.03036773018538952 with:0.030054394155740738 department:0.029660487547516823 in:0.028225170448422432 the:0.02553398162126541 is:0.022466186434030533\n",
"['hope']\n",
"that:0.15963827073574066 of:0.126298725605011 to:0.09961661696434021 <unk>:0.08115705847740173 for:0.04386403411626816 and:0.036458127200603485 the:0.028813958168029785 he:0.016749925911426544\n",
"['thensoutherly']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['etstn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['through']\n",
"the:0.3038175404071808 <unk>:0.18414166569709778 a:0.05022845044732094 which:0.021105455234646797 his:0.019041012972593307 this:0.018920745700597763 tho:0.017120618373155594 and:0.012150435708463192\n",
"['tncl']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['cn']\n",
"<unk>:0.20513185858726501 the:0.07234837114810944 c:0.037284284830093384 a:0.0368281826376915 and:0.018847975879907608 s:0.012302741408348083 n:0.011280616745352745 per:0.01116586197167635\n",
"['eve']\n",
"of:0.2181807905435562 nning:0.170467808842659 <unk>:0.09835557639598846 and:0.04165113344788551 nry:0.024329079315066338 in:0.015969153493642807 to:0.015710139647126198 was:0.013154251500964165\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['heads']\n",
"of:0.2664720118045807 <unk>:0.18057966232299805 and:0.08985890448093414 the:0.030270153656601906 in:0.028018178418278694 to:0.02347172051668167 are:0.019005421549081802 or:0.01736212708055973\n",
"['uniformnresult']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['quaking']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['say']\n",
"that:0.21495364606380463 <unk>:0.11226599663496017 the:0.04550514370203018 to:0.03919023275375366 it:0.028015941381454468 i:0.022692859172821045 a:0.01814952678978443 in:0.017609383910894394\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['wasn']\n",
"<unk>:0.17828217148780823 a:0.06104143708944321 to:0.04011765867471695 the:0.035765957087278366 and:0.0352165661752224 in:0.03417397290468216 years:0.025945717468857765 per:0.017281075939536095\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['regulation']\n",
"of:0.2519991993904114 <unk>:0.16746503114700317 and:0.07242421060800552 or:0.030094271525740623 in:0.019687307998538017 as:0.015688350424170494 the:0.013164816424250603 ofnthe:0.01093196403235197\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['m']\n",
"<unk>:0.2835228145122528 the:0.027956103906035423 and:0.02779671549797058 a:0.02013435587286949 in:0.015267008915543556 of:0.01501475740224123 e:0.013003258034586906 m:0.01203886978328228\n",
"['after']\n",
"the:0.20441681146621704 <unk>:0.14804354310035706 a:0.06892264634370804 all:0.019622862339019775 his:0.01757059060037136 he:0.015803994610905647 this:0.01576254889369011 it:0.01468038558959961\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['statesnentering']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['nrn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['battallion']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['their']\n",
"<unk>:0.2757183611392975 own:0.03195241093635559 respective:0.008069413714110851 way:0.0063335346058011055 hands:0.006281290203332901 lives:0.005959530360996723 work:0.005697461310774088 heads:0.0044787367805838585\n",
"['mn']\n",
"<unk>:0.2731979489326477 and:0.03962032496929169 to:0.02783951908349991 a:0.026626110076904297 from:0.02586328238248825 of:0.0250251442193985 in:0.019363021478056908 the:0.015526673756539822\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['orn']\n",
"<unk>:0.20705755054950714 per:0.0384085476398468 and:0.03350023180246353 the:0.024515334516763687 of:0.0238274484872818 miles:0.019973276183009148 a:0.0191848985850811 years:0.01858988031744957\n",
"['iiowtli']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['feeln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bestn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['extensiveninnovations']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['us']\n",
"<unk>:0.10386952012777328 to:0.07743246853351593 and:0.04057606682181358 in:0.0396549291908741 that:0.039527878165245056 the:0.02982459031045437 a:0.029199013486504555 as:0.016772165894508362\n",
"['hope']\n",
"that:0.15963827073574066 of:0.126298725605011 to:0.09961661696434021 <unk>:0.08115705847740173 for:0.04386403411626816 and:0.036458127200603485 the:0.028813958168029785 he:0.016749925911426544\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['oceann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['patehir']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['can']\n",
"be:0.22046741843223572 <unk>:0.12316019833087921 do:0.028022097423672676 not:0.02678426168859005 bo:0.01689518429338932 get:0.015971969813108444 see:0.014635843224823475 make:0.013505877926945686\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['privyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['good']\n",
"<unk>:0.1800873577594757 and:0.034809429198503494 deal:0.0223788283765316 to:0.021396957337856293 for:0.015180929563939571 as:0.014388279989361763 roads:0.011519820429384708 many:0.011263051070272923\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['height']\n",
"of:0.28621137142181396 <unk>:0.09587182104587555 and:0.08520220220088959 in:0.021739255636930466 to:0.021192653104662895 the:0.018947307020425797 which:0.013465744443237782 with:0.012457187287509441\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['she']\n",
"<unk>:0.16755808889865875 was:0.09734693169593811 had:0.08146162331104279 is:0.04034646973013878 has:0.034382473677396774 would:0.02139720879495144 will:0.019400188699364662 could:0.017785608768463135\n",
"['whenn']\n",
"<unk>:0.11437060683965683 the:0.034170929342508316 he:0.02327289991080761 be:0.020460767671465874 had:0.013797661289572716 i:0.011405369266867638 in:0.00983867421746254 was:0.008698574267327785\n",
"['th']\n",
"<unk>:0.20856480300426483 day:0.17502973973751068 of:0.04865522310137749 and:0.025335680693387985 street:0.013732117600739002 daynof:0.011129848659038544 the:0.009347060695290565 </s>:0.007662114687263966\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['ofncourse']\n",
"the:0.09842024743556976 it:0.0309173371642828 he:0.03051709569990635 <unk>:0.030249392613768578 is:0.027183279395103455 they:0.025485176593065262 in:0.022957153618335724 there:0.022282328456640244\n",
"['between']\n",
"the:0.26508277654647827 <unk>:0.17805610597133636 and:0.021464230492711067 them:0.018190154805779457 tho:0.015997707843780518 a:0.01537930779159069 two:0.011289786547422409 this:0.011004946194589138\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['work']\n",
"<unk>:0.11298108845949173 of:0.11226373165845871 and:0.0586644783616066 in:0.05615153908729553 on:0.033672936260700226 for:0.0300936009734869 to:0.02807605266571045 is:0.027751602232456207\n",
"['subordi']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['themnby']\n",
"the:0.2518862187862396 <unk>:0.044990651309490204 a:0.039271846413612366 his:0.019108101725578308 this:0.01574517786502838 their:0.01461742538958788 tho:0.01303483173251152 any:0.011936841532588005\n",
"['years']\n",
"ago:0.13740231096744537 <unk>:0.10280637443065643 of:0.07860442996025085 and:0.05356687679886818 old:0.030458707362413406 in:0.02989320643246174 the:0.029520943760871887 to:0.019967421889305115\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['men']\n",
"<unk>:0.1401969939470291 who:0.08699369430541992 of:0.07003933191299438 and:0.06940215080976486 in:0.042371831834316254 to:0.036133769899606705 were:0.027552202343940735 are:0.02627480775117874\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['notn']\n",
"<unk>:0.17181004583835602 a:0.0398382805287838 be:0.01933041773736477 and:0.018512777984142303 </s>:0.011800365522503853 in:0.010598571039736271 the:0.009343408048152924 m:0.008128500543534756\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['down']\n",
"the:0.12659093737602234 to:0.1152196153998375 <unk>:0.1105494424700737 and:0.06293272972106934 in:0.04879021644592285 on:0.027861403301358223 with:0.02554458938539028 by:0.024915823712944984\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['lands']\n",
"of:0.131509467959404 <unk>:0.11176423728466034 and:0.07497866451740265 in:0.05961526185274124 to:0.04677033796906471 are:0.04088662564754486 or:0.015941072255373 at:0.015412317588925362\n",
"['half']\n",
"of:0.17722821235656738 a:0.11591383814811707 <unk>:0.10094296932220459 the:0.03809119388461113 an:0.03019127994775772 past:0.014777370728552341 and:0.013461251743137836 to:0.010478045791387558\n",
"['hen']\n",
"<unk>:0.17106422781944275 the:0.06470520049333572 he:0.03395789861679077 i:0.026423409581184387 and:0.02127615362405777 a:0.018003011122345924 it:0.016737177968025208 was:0.014481781981885433\n",
"['stylenthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['roused']\n",
"the:0.10538262873888016 <unk>:0.0972735658288002 to:0.07158439606428146 and:0.0554284043610096 by:0.05207141116261482 from:0.0470828115940094 him:0.036172013729810715 as:0.0233189407736063\n",
"['two']\n",
"<unk>:0.20144878327846527 years:0.06755809485912323 or:0.04796089604496956 of:0.03759472817182541 weeks:0.021692873910069466 hundred:0.019932277500629425 and:0.018487567082047462 men:0.015819242224097252\n",
"['andngathered']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['feeling']\n",
"of:0.1527666300535202 <unk>:0.12388360500335693 that:0.07792747020721436 and:0.04569293186068535 in:0.040291521698236465 the:0.022525783628225327 is:0.021403534337878227 as:0.013486911542713642\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['diminish']\n",
"the:0.25205516815185547 <unk>:0.07822585850954056 and:0.07577507197856903 them:0.020296841859817505 ning:0.019102782011032104 it:0.017531421035528183 his:0.01731923408806324 this:0.016185186803340912\n",
"['suchn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['woodn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['may']\n",
"be:0.28343698382377625 <unk>:0.1322714388370514 have:0.03545297682285309 not:0.027146341279149055 bo:0.015436545014381409 he:0.012254266999661922 a:0.009326293133199215 deem:0.008938784711062908\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['helm']\n",
"<unk>:0.15042906999588013 of:0.11086805164813995 and:0.07526706159114838 is:0.040827225893735886 the:0.02410956658422947 in:0.024094946682453156 a:0.02244962565600872 at:0.018332993611693382\n",
"['qualifications']\n",
"of:0.2372545748949051 <unk>:0.08828002959489822 and:0.06861983984708786 for:0.05906634405255318 to:0.05585227534174919 as:0.042889922857284546 in:0.03837484493851662 the:0.013949206098914146\n",
"['recognizedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['improbable']\n",
"that:0.3414863646030426 <unk>:0.12948869168758392 and:0.03865420073270798 in:0.025660056620836258 to:0.025528116151690483 thatnthe:0.0250919871032238 the:0.021818246692419052 for:0.013716062530875206\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['even']\n",
"<unk>:0.13124261796474457 the:0.08313588798046112 in:0.05308469757437706 a:0.04382612556219101 to:0.04198447987437248 if:0.04014003649353981 though:0.019447270780801773 more:0.018825355917215347\n",
"['like']\n",
"<unk>:0.18616856634616852 a:0.17956425249576569 the:0.09968697279691696 to:0.06316488981246948 that:0.0213160440325737 an:0.0169201772660017 it:0.013055045157670975 this:0.013001575134694576\n",
"['principlen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['physiciansn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wait']\n",
"for:0.15165899693965912 until:0.13970321416854858 <unk>:0.0536363385617733 on:0.04705624654889107 till:0.04234207794070244 ning:0.03835746645927429 and:0.030810190364718437 to:0.028262531384825706\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['deg']\n",
"min:0.3086187243461609 e:0.10855099558830261 mln:0.096783347427845 <unk>:0.07626263797283173 nmin:0.07259481400251389 w:0.046289604157209396 minne:0.03986590728163719 miu:0.025111839175224304\n",
"['surprise']\n",
"<unk>:0.134629487991333 to:0.10641185194253922 and:0.0764305517077446 the:0.04367252066731453 of:0.04039362072944641 that:0.036306705325841904 for:0.024054182693362236 it:0.0223770122975111\n",
"['suchn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['statute']\n",
"in:0.2142101675271988 <unk>:0.12196646630764008 of:0.06306000798940659 books:0.06176552549004555 and:0.038789909332990646 book:0.02782296948134899 innsuch:0.018163394182920456 the:0.016812121495604515\n",
"['admin']\n",
"nistration:0.9408632516860962 <unk>:0.043641917407512665 and:0.0010786730563268065 nister:0.000995409907773137 the:0.0005883245030418038 or:0.000578506151214242 in:0.000376623502233997 a:0.0003370186313986778\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['moer']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['other']\n",
"<unk>:0.22963766753673553 hand:0.016822654753923416 words:0.015956249088048935 and:0.013822369277477264 side:0.011337092146277428 than:0.010316158644855022 day:0.0097919637337327 things:0.009536487981677055\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['estimating']\n",
"the:0.2873256206512451 <unk>:0.06355315446853638 this:0.02902667596936226 a:0.02149832807481289 it:0.020678408443927765 his:0.01970040425658226 tho:0.01727636158466339 which:0.015648722648620605\n",
"['samen']\n",
"<unk>:0.20282576978206635 the:0.024524839594960213 and:0.021304847672581673 n:0.015773700550198555 a:0.013154149986803532 c:0.010465138591825962 i:0.009176633320748806 who:0.008989701978862286\n",
"['tnday']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['log']\n",
"<unk>:0.17846214771270752 and:0.05981647968292236 in:0.045244283974170685 cabin:0.03895704820752144 of:0.03656696155667305 house:0.021159347146749496 for:0.015381126664578915 to:0.015022817999124527\n",
"['inconveniences']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['acknowledged']\n",
"<unk>:0.11076076328754425 by:0.0904730036854744 that:0.07799335569143295 to:0.06828681379556656 the:0.057560816407203674 and:0.037149578332901 in:0.03030598722398281 as:0.01688731648027897\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['intini']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['beingn']\n",
"acres:0.18448898196220398 <unk>:0.10383643954992294 pounds:0.04504001513123512 the:0.033315807580947876 feet:0.025937283411622047 bushels:0.025373635813593864 per:0.025063632056117058 of:0.021089788526296616\n",
"['siljiiceand']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['knew']\n",
"that:0.13220010697841644 <unk>:0.09682848304510117 the:0.06302895396947861 of:0.04194454848766327 it:0.04154405742883682 nothing:0.03145839646458626 him:0.027377337217330933 how:0.02285636030137539\n",
"['cave']\n",
"<unk>:0.10841122269630432 and:0.08093760907649994 in:0.04884766787290573 of:0.043619487434625626 the:0.030840205028653145 was:0.02165498584508896 is:0.02004743367433548 to:0.018889183178544044\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['went']\n",
"to:0.25687095522880554 <unk>:0.1244257241487503 on:0.05531398206949234 out:0.049175459891557693 into:0.046409618109464645 down:0.03710372745990753 in:0.024804536253213882 over:0.022362640127539635\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['cherishes']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['stonedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['veryn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['degne']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['wellbeingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['fact']\n",
"that:0.39098605513572693 <unk>:0.07769396156072617 is:0.038525763899087906 the:0.034249939024448395 of:0.03126796334981918 it:0.018812306225299835 and:0.016333023086190224 thatnthe:0.01586158759891987\n",
"['revenue']\n",
"<unk>:0.17076343297958374 cutter:0.06437919288873672 of:0.05408062785863876 and:0.04848962649703026 to:0.03802885115146637 in:0.02998310700058937 from:0.022410012781620026 stamps:0.022397706285119057\n",
"['natnral']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['jellersin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['section']\n",
"of:0.18337437510490417 <unk>:0.13036392629146576 township:0.052941516041755676 and:0.029561683535575867 ntownship:0.02469761297106743 the:0.014903979375958443 to:0.012355519458651543 no:0.012348994612693787\n",
"['conijmuybassettn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rightnif']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['rum']\n",
"<unk>:0.14683440327644348 and:0.047643132507801056 of:0.04138055816292763 the:0.02379312738776207 it:0.012543677352368832 to:0.012390422634780407 in:0.012298689223825932 a:0.011437159031629562\n",
"['willn']\n",
"<unk>:0.16371458768844604 be:0.03393767401576042 e:0.03133251890540123 and:0.017202984541654587 </s>:0.015308918431401253 a:0.01495116576552391 le:0.012712489813566208 not:0.011774901300668716\n",
"['desiden']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['face']\n",
"of:0.16366195678710938 <unk>:0.13734325766563416 and:0.09593520313501358 the:0.03952891752123833 to:0.03550679236650467 with:0.03309934586286545 was:0.024692250415682793 in:0.015589122660458088\n",
"['effort']\n",
"to:0.35829901695251465 <unk>:0.11304708570241928 of:0.044141124933958054 was:0.03833102062344551 is:0.035270459949970245 and:0.0318337082862854 in:0.02464240975677967 for:0.0176687054336071\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['doner']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['measure']\n",
"of:0.13167139887809753 <unk>:0.11683698743581772 and:0.041603729128837585 the:0.03794717416167259 to:0.03355856612324715 is:0.02698618546128273 in:0.02461767941713333 for:0.019043317064642906\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['spelts']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['until']\n",
"the:0.16746090352535248 <unk>:0.10822571069002151 it:0.03817759081721306 he:0.038073182106018066 they:0.03294298052787781 i:0.027611518278717995 a:0.026598699390888214 after:0.02135320007801056\n",
"['kelley']\n",
"<unk>:0.18341779708862305 of:0.06146141141653061 and:0.0503014512360096 the:0.014965656213462353 who:0.014362749643623829 in:0.01357673667371273 had:0.013561085797846317 is:0.011123382486402988\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['williamn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['room']\n",
"<unk>:0.10343531519174576 and:0.09655945003032684 for:0.06429976224899292 in:0.04884694516658783 of:0.040984123945236206 to:0.02725282311439514 at:0.026242947205901146 the:0.024022484198212624\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['beforenthe']\n",
"<unk>:0.09525133669376373 war:0.0180116705596447 last:0.01667601801455021 first:0.014059309847652912 people:0.0135458679869771 time:0.012291867285966873 court:0.011738286353647709 th:0.011381315998733044\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['transporting']\n",
"<unk>:0.12562811374664307 the:0.11775249242782593 them:0.02963241934776306 a:0.0242731012403965 and:0.02039034478366375 it:0.019883794710040092 him:0.012405565939843655 men:0.011878615245223045\n",
"['fellowcitizen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['whichnmust']\n",
"be:0.5693010091781616 <unk>:0.047595396637916565 have:0.04509435594081879 he:0.01717888005077839 bo:0.015726745128631592 necessarily:0.011531231924891472 of:0.011276276782155037 not:0.009049663320183754\n",
"['pre']\n",
"<unk>:0.605401873588562 npared:0.03376949951052666 nvious:0.027000688016414642 nsented:0.024595391005277634 nsenting:0.023988334462046623 nvent:0.022276151925325394 nferred:0.013164795003831387 nscribed:0.013050704263150692\n",
"['necessarynpublic']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mayn']\n",
"<unk>:0.10811302065849304 and:0.06683257222175598 the:0.04804938659071922 at:0.03391863778233528 a:0.032764192670583725 th:0.029666248708963394 to:0.021090740337967873 s:0.02097836323082447\n",
"['seeking']\n",
"to:0.2183685302734375 <unk>:0.14523595571517944 a:0.08201144635677338 the:0.06449319422245026 for:0.016197528690099716 his:0.010899554006755352 an:0.010548741556704044 their:0.00990342814475298\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['fewnheller']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['partly']\n",
"<unk>:0.17732109129428864 in:0.08365421742200851 to:0.0729304850101471 by:0.03366713598370552 as:0.03132832422852516 on:0.0272141732275486 at:0.017865611240267754 under:0.016400299966335297\n",
"['inntheir']\n",
"<unk>:0.08734329789876938 respective:0.05854008346796036 own:0.03919299691915512 hands:0.030713627114892006 power:0.015320799313485622 efforts:0.011876676231622696 work:0.009735939092934132 behalf:0.007423797622323036\n",
"['highntolls']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['onlyn']\n",
"<unk>:0.1573682725429535 per:0.03764602914452553 cents:0.036425478756427765 the:0.030982451513409615 a:0.03081069514155388 and:0.02682708203792572 years:0.023318342864513397 acres:0.020737923681735992\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['ad']\n",
"<unk>:0.46572381258010864 valorem:0.0639818087220192 nvanced:0.03069620206952095 nvance:0.021423691883683205 ndress:0.020832737907767296 the:0.015519566833972931 and:0.013783372938632965 in:0.012624251656234264\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['long']\n",
"<unk>:0.15638722479343414 as:0.11464865505695343 and:0.04763420298695564 enough:0.028198428452014923 time:0.027224794030189514 ago:0.025044027715921402 before:0.018479784950613976 been:0.016535593196749687\n",
"['cavalier']\n",
"<unk>:0.1935526430606842 county:0.07681317627429962 and:0.06378791481256485 city:0.03507579490542412 in:0.03165291249752045 state:0.027526605874300003 of:0.020148279145359993 to:0.01757826656103134\n",
"['states']\n",
"<unk>:0.11379196494817734 and:0.07189682126045227 in:0.039037805050611496 of:0.035401295870542526 that:0.0346524678170681 to:0.02950960211455822 the:0.025773074477910995 is:0.015536407940089703\n",
"['whatna']\n",
"<unk>:0.08870318531990051 good:0.010851720348000526 man:0.010248220525681973 little:0.009217938408255577 kind:0.009084491990506649 great:0.007058888673782349 very:0.005432218313217163 person:0.005431065801531076\n",
"['su']\n",
"<unk>:0.3487187922000885 npreme:0.23140661418437958 h:0.017238130792975426 and:0.01464627031236887 a:0.01414315216243267 n:0.011363964527845383 t:0.00846807099878788 l:0.008321486413478851\n",
"['thosen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['themn']\n",
"<unk>:0.18030020594596863 the:0.04245711490511894 to:0.03838018700480461 and:0.030040519312024117 in:0.021045392379164696 of:0.018475448712706566 i:0.015752803534269333 as:0.014778573997318745\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['sealed']\n",
"<unk>:0.19140920042991638 and:0.0748409852385521 proposals:0.06352102756500244 in:0.052632417529821396 envelope:0.04240119829773903 bids:0.03446216881275177 the:0.02214774861931801 with:0.021477852016687393\n",
"['thesen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hadngot']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ol']\n",
"<unk>:0.23865024745464325 the:0.20971642434597015 a:0.025130726397037506 tho:0.011873121373355389 this:0.01160435564815998 said:0.009338573552668095 his:0.009322249330580235 tbe:0.00882399920374155\n",
"['men']\n",
"<unk>:0.1401969939470291 who:0.08699369430541992 of:0.07003933191299438 and:0.06940215080976486 in:0.042371831834316254 to:0.036133769899606705 were:0.027552202343940735 are:0.02627480775117874\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['where']\n",
"the:0.17451468110084534 <unk>:0.10906737297773361 he:0.08002767711877823 they:0.06751833111047745 it:0.05678010731935501 a:0.031342681497335434 she:0.02667325921356678 there:0.02583432011306286\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['him']\n",
"<unk>:0.10401047766208649 to:0.10037162899971008 and:0.06415976583957672 in:0.04259955883026123 the:0.02874256856739521 a:0.02758781798183918 that:0.0228275079280138 as:0.02206616848707199\n",
"['non']\n",
"<unk>:0.1288999766111374 the:0.1254120022058487 thence:0.04627973958849907 and:0.032691892236471176 a:0.02672610990703106 of:0.025573166087269783 in:0.009785289876163006 to:0.008905187249183655\n",
"['growingninconvenience']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['party']\n",
"<unk>:0.14315254986286163 of:0.0752062276005745 and:0.05126910284161568 in:0.04879795387387276 to:0.04177085682749748 is:0.02072826400399208 the:0.01884854957461357 who:0.0182166900485754\n",
"['await']\n",
"the:0.3130934536457062 <unk>:0.14589358866214752 a:0.041732676327228546 ning:0.024955976754426956 his:0.023040344938635826 it:0.019326524809002876 him:0.01722726784646511 any:0.016662832349538803\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['butn']\n",
"<unk>:0.08106812834739685 the:0.03645205497741699 a:0.032973356544971466 dollars:0.021973079070448875 of:0.013894089497625828 cents:0.013693789951503277 i:0.01256971713155508 oclock:0.011718197725713253\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['box']\n",
"<unk>:0.16490493714809418 of:0.08046787232160568 and:0.07905618101358414 was:0.02879401482641697 the:0.026046516373753548 in:0.023753434419631958 or:0.02052251435816288 for:0.020450986921787262\n",
"['paused']\n",
"to:0.11275597661733627 in:0.1002838984131813 <unk>:0.08298863470554352 and:0.05543333664536476 a:0.046820882707834244 at:0.04237096756696701 on:0.03403325378894806 for:0.03183356672525406\n",
"['know']\n",
"that:0.17103594541549683 <unk>:0.10003066062927246 the:0.0656757652759552 what:0.04942154139280319 of:0.04411272704601288 how:0.03323087468743324 it:0.03245173394680023 and:0.020953023806214333\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['toninduce']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['timenno']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['schncrt']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thesnn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['camas']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nansemond']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['some']\n",
"<unk>:0.17425395548343658 of:0.17399758100509644 time:0.033102847635746 one:0.019578879699110985 other:0.01773841679096222 years:0.014443687163293362 ofnthe:0.009550128132104874 way:0.007940506562590599\n",
"['thenchariot']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['lalse']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bathing']\n",
"<unk>:0.19778025150299072 and:0.07994543015956879 in:0.04467909783124924 the:0.03601588308811188 at:0.020282035693526268 as:0.016853714361786842 is:0.015615362673997879 to:0.01476308237761259\n",
"['erstn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['instal']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['unnec']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['supported']\n",
"by:0.3785066306591034 <unk>:0.10505087673664093 the:0.0711057260632515 in:0.040465667843818665 at:0.021386828273534775 and:0.02034752070903778 bynthe:0.018869634717702866 him:0.015741702169179916\n",
"['yearsn']\n",
"and:0.13165715336799622 <unk>:0.1030408963561058 to:0.059599053114652634 the:0.04084377363324165 in:0.021634787321090698 of:0.019649380818009377 a:0.0163087397813797 months:0.01081828586757183\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['middlen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bodilyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ed']\n",
"<unk>:0.1630639135837555 by:0.04796667769551277 to:0.04560168460011482 and:0.035832226276397705 in:0.03544296696782112 the:0.0256331954151392 a:0.020467862486839294 at:0.020222341641783714\n",
"['more']\n",
"than:0.19699864089488983 <unk>:0.16920992732048035 or:0.03894995525479317 of:0.019799329340457916 to:0.01648719608783722 and:0.014404811896383762 in:0.011601983569562435 thann:0.007835574448108673\n",
"['expense']\n",
"of:0.32595425844192505 <unk>:0.086392842233181 to:0.058549996465444565 and:0.05254562944173813 in:0.027847139164805412 the:0.021908005699515343 for:0.02097143791615963 that:0.012641378678381443\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['most']\n",
"<unk>:0.2145756334066391 of:0.0972035750746727 important:0.02910524047911167 interesting:0.01423391792923212 excellent:0.00971396267414093 part:0.009135349653661251 difficult:0.009001746773719788 ofnthe:0.006629889365285635\n",
"['loco']\n",
"<unk>:0.48875564336776733 and:0.02278369851410389 year:0.010207508690655231 the:0.008123538456857204 was:0.007442068308591843 </s>:0.007283896207809448 or:0.006472725421190262 man:0.0057175420224666595\n",
"['bendisposed']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['suffrage']\n",
"<unk>:0.12663038074970245 and:0.08963840454816818 in:0.054612476378679276 to:0.05095095559954643 is:0.04647502303123474 as:0.03088381327688694 of:0.026039162650704384 or:0.02132762037217617\n",
"['assistant']\n",
"<unk>:0.37605881690979004 secretary:0.04655836522579193 to:0.03284123167395592 and:0.025599298998713493 in:0.02453949674963951 attorney:0.014003174379467964 of:0.01379367709159851 superintendent:0.011039619334042072\n",
"['tonsatisfy']\n",
"the:0.6318138241767883 said:0.16394592821598053 <unk>:0.03456687927246094 a:0.022517330944538116 tho:0.014208071865141392 his:0.01377328485250473 it:0.008601497858762741 this:0.007121859584003687\n",
"['measures']\n",
"<unk>:0.10097955167293549 of:0.1002010777592659 to:0.08526799082756042 and:0.044407304376363754 for:0.034811608493328094 are:0.03365389630198479 which:0.03344133123755455 in:0.03161352500319481\n",
"['men']\n",
"<unk>:0.1401969939470291 who:0.08699369430541992 of:0.07003933191299438 and:0.06940215080976486 in:0.042371831834316254 to:0.036133769899606705 were:0.027552202343940735 are:0.02627480775117874\n",
"['raising']\n",
"of:0.15165461599826813 the:0.14024367928504944 <unk>:0.13989369571208954 a:0.04812723025679588 and:0.028179103508591652 it:0.021936755627393723 money:0.020676052197813988 for:0.014438671059906483\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['savannah']\n",
"<unk>:0.14524565637111664 and:0.08858369290828705 to:0.028373729437589645 the:0.023842431604862213 florida:0.0198866818100214 is:0.019515229389071465 ga:0.019502505660057068 which:0.016093220561742783\n",
"['tak']\n",
"ning:0.25543585419654846 <unk>:0.20382335782051086 nen:0.06743435561656952 a:0.0363846980035305 the:0.03386612981557846 n:0.014720415696501732 and:0.01419560331851244 </s>:0.00822115782648325\n",
"['myselfnone']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['attendantsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['francisconsacramento']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['subn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['etipulation']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['term']\n",
"of:0.3098982274532318 <unk>:0.07814022898674011 in:0.030205657705664635 thereof:0.03006366267800331 and:0.026730429381132126 to:0.018613586202263832 the:0.01288751419633627 for:0.01194697991013527\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['slnglon']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['practical']\n",
"<unk>:0.17844471335411072 and:0.038148850202560425 results:0.02104070782661438 experience:0.020731143653392792 knowledge:0.014201624318957329 way:0.010290984064340591 men:0.0097188176587224 demonstration:0.008958767168223858\n",
"['iv']\n",
"<unk>:0.27411025762557983 the:0.12471295893192291 a:0.03927034139633179 and:0.017360908910632133 of:0.015939289703965187 it:0.011420715600252151 this:0.007912381552159786 to:0.00789457093924284\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['constitutionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['went']\n",
"to:0.25687095522880554 <unk>:0.1244257241487503 on:0.05531398206949234 out:0.049175459891557693 into:0.046409618109464645 down:0.03710372745990753 in:0.024804536253213882 over:0.022362640127539635\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['islands']\n",
"and:0.09921737760305405 <unk>:0.08766129612922668 of:0.05289940908551216 in:0.05252908170223236 the:0.029063502326607704 are:0.021829448640346527 for:0.020786762237548828 to:0.019753562286496162\n",
"['enough']\n",
"to:0.3867606520652771 <unk>:0.07498569786548615 for:0.060834094882011414 of:0.02839696779847145 in:0.02358398027718067 and:0.015315547585487366 but:0.008477008901536465 that:0.007767942734062672\n",
"['well']\n",
"as:0.17864541709423065 <unk>:0.11902722716331482 known:0.06120625138282776 and:0.03417086973786354 to:0.030580556020140648 in:0.01440605241805315 that:0.013506671413779259 for:0.012597030960023403\n",
"['stockn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['steamern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['americann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['from']\n",
"the:0.25287488102912903 <unk>:0.15713191032409668 a:0.034414686262607574 his:0.014321111142635345 tho:0.014128337614238262 this:0.012060044333338737 which:0.011743685230612755 to:0.011461544781923294\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['hisn']\n",
"<unk>:0.17649132013320923 feet:0.014358792454004288 and:0.012072298675775528 th:0.007995042949914932 long:0.0063613359816372395 the:0.005825980566442013 a:0.005525475367903709 head:0.005338689312338829\n",
"['platform']\n",
"<unk>:0.1202445924282074 of:0.09650689363479614 and:0.08914557099342346 was:0.03317834436893463 is:0.030713876709342003 in:0.02765337936580181 the:0.026572320610284805 to:0.026467587798833847\n",
"['so']\n",
"<unk>:0.16613399982452393 that:0.06904952228069305 much:0.055355582386255264 far:0.03518113121390343 long:0.02733159437775612 many:0.025362104177474976 as:0.025081202387809753 the:0.01576620154082775\n",
"['old']\n",
"<unk>:0.2506037652492523 and:0.039312832057476044 man:0.026083793491125107 home:0.0076122707687318325 age:0.0073460545390844345 men:0.006134609691798687 gentleman:0.006058795843273401 friends:0.0059220800176262856\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['four']\n",
"<unk>:0.19606396555900574 years:0.09535013139247894 or:0.046337999403476715 of:0.02905755490064621 and:0.023175440728664398 months:0.02092115767300129 hundred:0.019939040765166283 days:0.01964755728840828\n",
"['resent']\n",
"the:0.15187770128250122 <unk>:0.12147840857505798 nment:0.03950875252485275 and:0.03211146220564842 a:0.03140762075781822 it:0.025329768657684326 this:0.022054744884371758 all:0.014163174666464329\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['two']\n",
"<unk>:0.20144878327846527 years:0.06755809485912323 or:0.04796089604496956 of:0.03759472817182541 weeks:0.021692873910069466 hundred:0.019932277500629425 and:0.018487567082047462 men:0.015819242224097252\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['onengreat']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['gratifying']\n",
"to:0.3915904760360718 <unk>:0.125780388712883 and:0.037613894790410995 it:0.017884479835629463 in:0.017694884911179543 as:0.013989252038300037 results:0.01369244884699583 the:0.013550336472690105\n",
"['newly']\n",
"<unk>:0.26572588086128235 elected:0.0497891865670681 appointed:0.029510287567973137 married:0.028106942772865295 acquired:0.027815092355012894 made:0.017470715567469597 invented:0.0109117915853858 organized:0.010031129233539104\n",
"['officials']\n",
"of:0.17253859341144562 <unk>:0.10320480167865753 and:0.0613248236477375 in:0.040658943355083466 who:0.033483222126960754 to:0.030650833621621132 are:0.02644481509923935 have:0.025661462917923927\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['treasuryn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['countess']\n",
"<unk>:0.5879335999488831 of:0.08688130229711533 and:0.03696214407682419 a:0.025564437732100487 in:0.016476791352033615 the:0.009560785256326199 to:0.009457044303417206 had:0.008134816773235798\n",
"['almost']\n",
"<unk>:0.2129766345024109 as:0.04424965754151344 a:0.040547143667936325 every:0.040503472089767456 exclusively:0.03396093100309372 entirely:0.024083256721496582 to:0.01987789012491703 the:0.019404517486691475\n",
"['educationaln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['character']\n",
"of:0.22945527732372284 and:0.1280248612165451 <unk>:0.12634775042533875 the:0.026081576943397522 as:0.022505056113004684 to:0.021964114159345627 in:0.02168426476418972 is:0.01970200054347515\n",
"['thisn']\n",
"<unk>:0.25579094886779785 th:0.17176546156406403 the:0.02118796296417713 rd:0.01572372391819954 a:0.010936521925032139 st:0.009146014228463173 was:0.009136886335909367 is:0.00814779382199049\n",
"['withn']\n",
"<unk>:0.13506150245666504 the:0.052440792322158813 a:0.026220308616757393 and:0.019970647990703583 acres:0.01472160592675209 to:0.014503954909741879 in:0.013292515650391579 of:0.010805558413267136\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['hangen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['marblos']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['womenn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['heroic']\n",
"<unk>:0.1732148826122284 efforts:0.027628377079963684 and:0.024455448612570763 deeds:0.019580526277422905 effort:0.017567241564393044 valor:0.00907487515360117 in:0.007841533981263638 men:0.006716996897011995\n",
"['rushed']\n",
"to:0.13747641444206238 <unk>:0.10595721751451492 into:0.07077381759881973 out:0.06284981966018677 in:0.04373988136649132 on:0.039481863379478455 up:0.03386792913079262 down:0.02576509118080139\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['last']\n",
"<unk>:0.17928394675254822 year:0.07723307609558105 week:0.049701787531375885 night:0.0368540994822979 fall:0.014803077094256878 evening:0.01347275823354721 the:0.013444880023598671 summer:0.012643853202462196\n",
"['desire']\n",
"to:0.4843471050262451 <unk>:0.06881692260503769 of:0.044929660856723785 for:0.04296111688017845 the:0.02971315011382103 that:0.027362335473299026 and:0.014903085306286812 in:0.011922115460038185\n",
"['bad']\n",
"<unk>:0.19587577879428864 been:0.0673108920454979 a:0.028868788853287697 to:0.025781527161598206 no:0.018610786646604538 the:0.017382798716425896 not:0.01616062968969345 as:0.012397468090057373\n",
"['d']\n",
"<unk>:0.1823853850364685 and:0.030857712030410767 c:0.0260486863553524 at:0.024374715983867645 day:0.022269204258918762 </s>:0.02111203595995903 in:0.017021462321281433 to:0.01700870878994465\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['widow']\n",
"of:0.1612377166748047 <unk>:0.13108371198177338 and:0.09931483864784241 who:0.03423590213060379 in:0.019971938803792 or:0.017034107819199562 to:0.014754646457731724 is:0.013452810235321522\n",
"['myhendn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sense']\n",
"of:0.42462828755378723 <unk>:0.09226271510124207 and:0.055667031556367874 that:0.021964194253087044 in:0.016695506870746613 to:0.01657806895673275 the:0.016132909804582596 as:0.013174645602703094\n",
"['nfully']\n",
"<unk>:0.04301951453089714 and:0.024371877312660217 on:0.009945432655513287 to:0.009578308090567589 used:0.008709491230547428 located:0.008501438423991203 in:0.007860787212848663 decorated:0.0068581122905015945\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['hear']\n",
"<unk>:0.16919468343257904 the:0.1346713900566101 of:0.06018220633268356 a:0.04327768832445145 that:0.035490404814481735 from:0.03039867803454399 him:0.02906787395477295 it:0.028551004827022552\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['provisionsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mtn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['thendefendant']\n",
"<unk>:0.055086664855480194 was:0.037028949707746506 and:0.03611917048692703 is:0.02968919277191162 in:0.02743784710764885 to:0.02624741569161415 a:0.017733003944158554 has:0.016284892335534096\n",
"['withdrew']\n",
"the:0.15143907070159912 from:0.1371963620185852 <unk>:0.07791587710380554 his:0.043875694274902344 and:0.03418567776679993 to:0.0326635017991066 her:0.023120952770113945 in:0.022730326279997826\n",
"['gulfn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rangen']\n",
"west:0.18621502816677094 <unk>:0.12486539036035538 east:0.10133163630962372 and:0.08167728036642075 thence:0.02636892721056938 north:0.023734332993626595 e:0.022234806790947914 from:0.02143837884068489\n",
"['torm']\n",
"of:0.31296390295028687 <unk>:0.11949499696493149 and:0.04959151893854141 for:0.043533749878406525 the:0.04344555363059044 to:0.01833934709429741 in:0.015137127600610256 that:0.012389429844915867\n",
"['who']\n",
"<unk>:0.14465560019016266 are:0.05709322541952133 had:0.052187480032444 have:0.05192911997437477 was:0.03984886035323143 has:0.03698565065860748 is:0.0353294312953949 were:0.031020494177937508\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['fowie']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['work']\n",
"<unk>:0.11298108845949173 of:0.11226373165845871 and:0.0586644783616066 in:0.05615153908729553 on:0.033672936260700226 for:0.0300936009734869 to:0.02807605266571045 is:0.027751602232456207\n",
"['senate']\n",
"<unk>:0.1278994381427765 and:0.09594878554344177 to:0.0389629565179348 in:0.03517117351293564 the:0.030817637220025063 of:0.028352441266179085 on:0.020744362846016884 chamber:0.019042789936065674\n",
"['surrounds']\n",
"the:0.3577709197998047 <unk>:0.11475837975740433 them:0.036641675978899 a:0.03238554671406746 him:0.020297139883041382 it:0.01858202926814556 tho:0.017973894253373146 their:0.016761956736445427\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['dearest']\n",
"<unk>:0.3371717631816864 to:0.1446613371372223 and:0.04297545924782753 of:0.0393211655318737 as:0.015465574339032173 or:0.00993658322840929 in:0.009592816233634949 for:0.0071874079294502735\n",
"['national']\n",
"<unk>:0.22936756908893585 bank:0.04714207351207733 banks:0.0358244851231575 convention:0.033033765852451324 capital:0.018622588366270065 guard:0.016589894890785217 government:0.012646077200770378 committee:0.01047705952078104\n",
"['number']\n",
"of:0.5606829524040222 <unk>:0.13050056993961334 and:0.014879831112921238 in:0.010784146375954151 to:0.009569033049046993 ofnthe:0.0069679864682257175 the:0.006145046092569828 is:0.006065947003662586\n",
"['ingratituden']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['hvn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['yellow']\n",
"<unk>:0.28650256991386414 and:0.06286598742008209 jacket:0.05638407543301582 fever:0.03440045937895775 silk:0.012100014835596085 at:0.011853013187646866 or:0.00888083316385746 metal:0.008157337084412575\n",
"['customers']\n",
"<unk>:0.12797392904758453 and:0.10825960338115692 in:0.051358047872781754 to:0.040294479578733444 of:0.028369899839162827 the:0.027428405359387398 are:0.02467900700867176 who:0.023513395339250565\n",
"['woodncuts']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['shall']\n",
"be:0.3568992018699646 <unk>:0.09769967198371887 not:0.04519403725862503 have:0.04380497708916664 bo:0.014060457237064838 make:0.012083304114639759 he:0.011855627410113811 at:0.006949294358491898\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['night']\n",
"<unk>:0.12083936482667923 and:0.10207682102918625 the:0.05074853077530861 of:0.0444747619330883 in:0.03249569982290268 at:0.027811573818325996 he:0.02490236610174179 to:0.01883055828511715\n",
"['tedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['himnby']\n",
"the:0.3723491430282593 <unk>:0.12756679952144623 his:0.023248597979545593 a:0.02284752018749714 tho:0.020540375262498856 this:0.014213960617780685 said:0.01194577757269144 it:0.010873943567276001\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['latter']\n",
"<unk>:0.15209603309631348 part:0.0729847252368927 is:0.03220663592219353 was:0.02790764532983303 in:0.021059557795524597 to:0.020618706941604614 the:0.016816191375255585 and:0.016441095620393753\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['san']\n",
"<unk>:0.5428926348686218 francisco:0.2468796819448471 diego:0.03466746211051941 antonio:0.015679439529776573 gabriel:0.014958842657506466 jose:0.013988085091114044 luis:0.010941503569483757 joaquin:0.008658893406391144\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['suceestfuln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tha']\n",
"<unk>:0.41124171018600464 city:0.005397976376116276 said:0.005214049015194178 th:0.0035281835589557886 the:0.003518645418807864 first:0.003514525480568409 last:0.0034044431522488594 court:0.0032044185791164637\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['increasedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['oath']\n",
"of:0.13465724885463715 <unk>:0.12692959606647491 to:0.08370672166347504 and:0.048743631690740585 or:0.03984212875366211 that:0.03657664358615875 in:0.029229072853922844 as:0.027211537584662437\n",
"['battonpooll']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hoard']\n",
"of:0.324328750371933 <unk>:0.11479052901268005 the:0.03991907089948654 and:0.030339589342474937 in:0.018848873674869537 a:0.018626665696501732 is:0.01483193226158619 to:0.013636297546327114\n",
"['love']\n",
"of:0.12312313914299011 <unk>:0.12069819867610931 and:0.0802156925201416 for:0.06474350392818451 the:0.04492086172103882 to:0.039504993706941605 with:0.038923438638448715 it:0.019176984205842018\n",
"['ambernshell']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['asn']\n",
"<unk>:0.2178916037082672 a:0.0380333811044693 the:0.03401431068778038 to:0.026883617043495178 and:0.02248041331768036 of:0.02093389816582203 it:0.01983090490102768 in:0.017860472202301025\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['very']\n",
"<unk>:0.18920128047466278 much:0.046165455132722855 large:0.02494051121175289 few:0.024935835972428322 little:0.023538755252957344 well:0.010837982408702374 good:0.010653076693415642 small:0.009574977681040764\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['liken']\n",
"<unk>:0.18118906021118164 the:0.08071018755435944 to:0.04368593171238899 a:0.03328341618180275 in:0.017862604930996895 that:0.016305552795529366 of:0.014292416162788868 for:0.012354523874819279\n",
"['misdemeanorsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['broad']\n",
"<unk>:0.26615214347839355 and:0.08565926551818848 as:0.01848272606730461 enough:0.013341153971850872 in:0.011704162694513798 nway:0.009956790134310722 daylight:0.009627549909055233 street:0.009577137418091297\n",
"['hisn']\n",
"<unk>:0.17649132013320923 feet:0.014358792454004288 and:0.012072298675775528 th:0.007995042949914932 long:0.0063613359816372395 the:0.005825980566442013 a:0.005525475367903709 head:0.005338689312338829\n",
"['corn']\n",
"<unk>:0.1811540275812149 and:0.06703553348779678 is:0.04637058451771736 in:0.03221054747700691 crop:0.0299815870821476 to:0.018560105934739113 the:0.017469707876443863 was:0.01744229905307293\n",
"['conditionnfor']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['earlyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['growingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['waiting']\n",
"for:0.3131648898124695 to:0.10610302537679672 <unk>:0.10149507969617844 in:0.032125409692525864 at:0.027221379801630974 and:0.02339962311089039 on:0.018687983974814415 the:0.01732143573462963\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['dream']\n",
"of:0.24995765089988708 <unk>:0.08644808083772659 and:0.041714612394571304 that:0.03416074439883232 to:0.020575206726789474 the:0.01984444074332714 was:0.017171811312437057 is:0.01329825073480606\n",
"['promote']\n",
"the:0.36589622497558594 <unk>:0.12758585810661316 a:0.050715651363134384 his:0.02213926799595356 this:0.018598895519971848 its:0.01717936061322689 it:0.01669839769601822 their:0.015430169180035591\n",
"['accessibilityn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['lloue']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['enetgynwhile']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['worcester']\n",
"<unk>:0.35598134994506836 county:0.22995394468307495 and:0.044212207198143005 mass:0.026952894404530525 of:0.02379930205643177 from:0.015499782748520374 the:0.014335934072732925 road:0.009346735663712025\n",
"['smallnand']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['january']\n",
"<unk>:0.15341272950172424 a:0.08073380589485168 and:0.06251680850982666 th:0.03934955596923828 at:0.03260458633303642 n:0.030490608885884285 the:0.02673151344060898 in:0.0224490724503994\n",
"['got']\n",
"<unk>:0.15641504526138306 a:0.0761164054274559 to:0.07287035137414932 the:0.05760738626122475 out:0.03658843785524368 in:0.033401794731616974 into:0.031511981040239334 up:0.030847569927573204\n",
"['albion']\n",
"<unk>:0.3651617467403412 and:0.06197994574904442 a:0.015889108180999756 in:0.01559037808328867 n:0.011829135939478874 </s>:0.010984945110976696 at:0.010234437882900238 to:0.009770771488547325\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['dead']\n",
"<unk>:0.14006838202476501 and:0.07982180267572403 in:0.02404060773551464 the:0.021832745522260666 on:0.01967739500105381 man:0.018352413550019264 or:0.015108367428183556 body:0.013842985965311527\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['proved']\n",
"to:0.1792956441640854 <unk>:0.13156574964523315 that:0.07699204236268997 a:0.05222391337156296 the:0.046136513352394104 by:0.04469001293182373 in:0.03765649348497391 an:0.017632100731134415\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['class']\n",
"of:0.27215704321861267 <unk>:0.14018692076206207 and:0.037677865475416183 in:0.02278931811451912 the:0.015623894520103931 is:0.014338180422782898 are:0.012348037213087082 to:0.011966136284172535\n",
"['public']\n",
"<unk>:0.17612464725971222 auction:0.038190070539712906 vendue:0.035330940037965775 and:0.020128322765231133 schools:0.018930858001112938 opinion:0.018318824470043182 school:0.016941288486123085 lands:0.014514578506350517\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['beginsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['known']\n",
"as:0.17906907200813293 to:0.1604887694120407 <unk>:0.10328951478004456 that:0.06191052868962288 and:0.05049519240856171 in:0.04228660836815834 the:0.02014406956732273 by:0.016692543402314186\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['named']\n",
"<unk>:0.20483778417110443 in:0.054497670382261276 and:0.03738128021359444 by:0.021687932312488556 the:0.017588036134839058 defendants:0.014132269658148289 a:0.014098212122917175 plaintiff:0.013727896846830845\n",
"['lawless']\n",
"<unk>:0.20964708924293518 and:0.05138661712408066 men:0.019073817878961563 element:0.016473742201924324 or:0.01093858852982521 than:0.007172486744821072 way:0.006320839282125235 people:0.006125350948423147\n",
"['youngnand']\n",
"<unk>:0.15559720993041992 the:0.043790481984615326 old:0.0292829517275095 a:0.021260986104607582 it:0.012001629918813705 he:0.011668810620903969 in:0.01106229517608881 one:0.009450944140553474\n",
"['follows']\n",
"<unk>:0.23017287254333496 to:0.10861186683177948 the:0.05005781725049019 beginning:0.04425322264432907 towit:0.038302961736917496 a:0.020528137683868408 that:0.01980515383183956 towitnbeginning:0.019542912021279335\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['tonic']\n",
"and:0.19395096600055695 <unk>:0.13063254952430725 is:0.03911559283733368 to:0.026080964133143425 in:0.02395019121468067 for:0.020998867228627205 as:0.019700054079294205 or:0.01909499429166317\n",
"['sale']\n",
"of:0.17506131529808044 <unk>:0.08605187386274338 and:0.061927665024995804 at:0.03793177008628845 to:0.03573555499315262 contained:0.032703157514333725 the:0.03180602565407753 in:0.026208046823740005\n",
"['waitingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['lyingnquite']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['th']\n",
"<unk>:0.20856480300426483 day:0.17502973973751068 of:0.04865522310137749 and:0.025335680693387985 street:0.013732117600739002 daynof:0.011129848659038544 the:0.009347060695290565 </s>:0.007662114687263966\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['thenexception']\n",
"of:0.8502515554428101 <unk>:0.01789744757115841 that:0.014000413939356804 ofnthe:0.013047531247138977 and:0.009544366970658302 to:0.009290254674851894 in:0.006031491793692112 ot:0.00586673803627491\n",
"['each']\n",
"<unk>:0.15883630514144897 of:0.0942472442984581 other:0.05735523998737335 year:0.043855879455804825 and:0.02710002288222313 side:0.01992570050060749 day:0.019769666716456413 one:0.01538233645260334\n",
"['manufactured']\n",
"<unk>:0.17532560229301453 by:0.10823636502027512 in:0.07575099170207977 and:0.050352782011032104 from:0.04221053794026375 products:0.0323539562523365 the:0.027478357776999474 at:0.02607756480574608\n",
"['moral']\n",
"<unk>:0.22463980317115784 and:0.08965848386287689 character:0.017753420397639275 principle:0.011684567667543888 or:0.011639869771897793 nature:0.010739893652498722 courage:0.00975534413009882 influence:0.00905156321823597\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['martin']\n",
"<unk>:0.21040840446949005 and:0.039433803409338 luther:0.02679242566227913 of:0.02619899995625019 who:0.015312647446990013 the:0.015052505768835545 was:0.01177419163286686 j:0.011580859310925007\n",
"['isnusually']\n",
"a:0.08956266194581985 <unk>:0.07768245041370392 the:0.050027359277009964 made:0.022530194371938705 an:0.013562026433646679 said:0.01293979212641716 in:0.012256068177521229 found:0.009957695379853249\n",
"['dulgetty']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['lew']\n",
"<unk>:0.27289479970932007 days:0.06915878504514694 years:0.053784698247909546 of:0.04524340480566025 and:0.03164747357368469 weeks:0.022419730201363564 months:0.017883721739053726 in:0.01673220656812191\n",
"['connvention']\n",
"and:0.045680493116378784 of:0.032351091504096985 in:0.030105484649538994 as:0.029965514317154884 <unk>:0.02848764695227146 are:0.02683321014046669 by:0.025003990158438683 were:0.02343498356640339\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['warnhe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['theae']\n",
"<unk>:0.41288480162620544 are:0.02632145583629608 men:0.012979031540453434 and:0.010519147850573063 or:0.0075580887496471405 of:0.005794115364551544 people:0.005708546843379736 </s>:0.004719764459878206\n",
"['taken']\n",
"<unk>:0.10890930145978928 to:0.10356629639863968 by:0.06001661717891693 in:0.05833910405635834 from:0.05655568838119507 up:0.041744083166122437 the:0.02834869548678398 a:0.026049714535474777\n",
"['better']\n",
"than:0.12890230119228363 <unk>:0.12406053394079208 to:0.03026856854557991 and:0.026369145140051842 for:0.026235437020659447 in:0.01093162503093481 it:0.010260338895022869 the:0.009180265478789806\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['brought']\n",
"to:0.1577845960855484 <unk>:0.11272507905960083 into:0.04868864268064499 in:0.04757968336343765 the:0.03918474167585373 up:0.036154210567474365 out:0.02716759592294693 a:0.025393454357981682\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['ben']\n",
"<unk>:0.3764496147632599 the:0.020264847204089165 a:0.01654512993991375 in:0.008669160306453705 and:0.008185388520359993 i:0.008156510069966316 </s>:0.007305471692234278 made:0.006215563043951988\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['matuied']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['weather']\n",
"<unk>:0.10198551416397095 and:0.0668061226606369 is:0.06455408781766891 was:0.04271882399916649 in:0.026457808911800385 the:0.023942098021507263 has:0.020253827795386314 of:0.01864529587328434\n",
"['moonbeamn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['thenboard']\n",
"of:0.5055858492851257 <unk>:0.0404677577316761 and:0.03451346978545189 to:0.0310659296810627 in:0.016833439469337463 the:0.015394180081784725 was:0.015215732157230377 is:0.013528275303542614\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['helm']\n",
"<unk>:0.15042906999588013 of:0.11086805164813995 and:0.07526706159114838 is:0.040827225893735886 the:0.02410956658422947 in:0.024094946682453156 a:0.02244962565600872 at:0.018332993611693382\n",
"['tousc']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['little']\n",
"<unk>:0.24557887017726898 girl:0.025172490626573563 more:0.019780097529292107 of:0.01807580143213272 in:0.01266819890588522 to:0.012459754943847656 and:0.011518032290041447 or:0.010145704261958599\n",
"['men']\n",
"<unk>:0.1401969939470291 who:0.08699369430541992 of:0.07003933191299438 and:0.06940215080976486 in:0.042371831834316254 to:0.036133769899606705 were:0.027552202343940735 are:0.02627480775117874\n",
"['manufacturers']\n",
"of:0.13639505207538605 <unk>:0.12579293549060822 and:0.09373731911182404 are:0.040001243352890015 in:0.03796982392668724 to:0.037155888974666595 will:0.02066553197801113 who:0.017035380005836487\n",
"['beets']\n",
"<unk>:0.11113014072179794 and:0.0750882551074028 to:0.03338765725493431 are:0.0330590195953846 in:0.026619520038366318 the:0.023287832736968994 were:0.01881292462348938 or:0.014402569271624088\n",
"['relief']\n",
"of:0.12178736180067062 <unk>:0.11726079136133194 and:0.0681498572230339 to:0.05331065505743027 from:0.051755234599113464 in:0.03954984247684479 as:0.030972691252827644 for:0.025371011346578598\n",
"['isn']\n",
"<unk>:0.1455436497926712 a:0.04267491027712822 and:0.04211031273007393 feet:0.031343743205070496 miles:0.023163456469774246 the:0.01933097466826439 to:0.018890809267759323 in:0.018090419471263885\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['losing']\n",
"<unk>:0.16754938662052155 the:0.12198593467473984 his:0.058663222938776016 a:0.05625184625387192 their:0.043220434337854385 her:0.018645213916897774 its:0.01695292629301548 in:0.01402657013386488\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['who']\n",
"<unk>:0.14465560019016266 are:0.05709322541952133 had:0.052187480032444 have:0.05192911997437477 was:0.03984886035323143 has:0.03698565065860748 is:0.0353294312953949 were:0.031020494177937508\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['heavy']\n",
"<unk>:0.22523823380470276 and:0.03934399411082268 sea:0.011806057766079903 in:0.010363113135099411 losses:0.009056279435753822 rain:0.008482521399855614 rains:0.00745213869959116 at:0.005605834070593119\n",
"['gon']\n",
"<unk>:0.2949801981449127 and:0.032935645431280136 the:0.027304451912641525 in:0.027094846591353416 a:0.021417440846562386 m:0.010521318763494492 </s>:0.009797122329473495 on:0.007381815928965807\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['york']\n",
"<unk>:0.18007470667362213 and:0.07088713347911835 city:0.04835294559597969 the:0.01977786421775818 to:0.01939130388200283 for:0.01731991022825241 in:0.014967141672968864 tribune:0.013161341659724712\n",
"['would']\n",
"be:0.15273810923099518 <unk>:0.13132600486278534 have:0.08837670832872391 not:0.07991773635149002 make:0.01737385056912899 do:0.01413943711668253 bo:0.010190516710281372 like:0.009767788462340832\n",
"['withoutn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nwhose']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['maae']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tribe']\n",
"of:0.15334297716617584 <unk>:0.11222097277641296 and:0.08128822594881058 the:0.03302331641316414 in:0.03222773224115372 to:0.027431245893239975 or:0.024000195786356926 was:0.021364063024520874\n",
"['thought']\n",
"that:0.10238199681043625 of:0.09746503084897995 <unk>:0.08445286750793457 it:0.0692593976855278 the:0.03876238316297531 to:0.036570657044649124 he:0.03208998963236809 and:0.02360614947974682\n",
"['constitu']\n",
"ntion:0.49172112345695496 <unk>:0.14221985638141632 ntional:0.13511207699775696 nents:0.05938468500971794 ntions:0.03786271810531616 of:0.011163883842527866 and:0.008538095280528069 in:0.003397021209821105\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['tontake']\n",
"the:0.14019006490707397 a:0.09898365288972855 care:0.047460637986660004 <unk>:0.04644825682044029 up:0.04008812829852104 any:0.028185583651065826 advantage:0.027172168716788292 his:0.02087993174791336\n",
"['welcome']\n",
"<unk>:0.14578934013843536 to:0.125039741396904 and:0.059704285115003586 the:0.049936629831790924 in:0.027030959725379944 it:0.020257556810975075 a:0.015076767653226852 him:0.013300240971148014\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['iin']\n",
"<unk>:0.33133798837661743 the:0.035319484770298004 a:0.03043532557785511 of:0.014804204925894737 to:0.013963147066533566 in:0.013448142446577549 and:0.01213554572314024 it:0.010790788568556309\n",
"['expense']\n",
"of:0.32595425844192505 <unk>:0.086392842233181 to:0.058549996465444565 and:0.05254562944173813 in:0.027847139164805412 the:0.021908005699515343 for:0.02097143791615963 that:0.012641378678381443\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['d']\n",
"<unk>:0.1823853850364685 and:0.030857712030410767 c:0.0260486863553524 at:0.024374715983867645 day:0.022269204258918762 </s>:0.02111203595995903 in:0.017021462321281433 to:0.01700870878994465\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['proceeded']\n",
"to:0.4584510624408722 <unk>:0.07915528118610382 with:0.06004715338349342 in:0.03503524884581566 on:0.0225366298109293 tonthe:0.014758113771677017 at:0.01189104188233614 by:0.009887391701340675\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['home']\n",
"<unk>:0.14371390640735626 and:0.07486248016357422 in:0.060824621468782425 of:0.057508647441864014 to:0.030677257105708122 the:0.02304030954837799 on:0.02136209048330784 at:0.02059890888631344\n",
"['git']\n",
"<unk>:0.19322824478149414 a:0.041493285447359085 out:0.039631400257349014 up:0.029903071001172066 the:0.026827238500118256 and:0.018513327464461327 off:0.015215184539556503 in:0.013776612468063831\n",
"['downnon']\n",
"the:0.4357698857784271 a:0.0541071854531765 tho:0.04020920395851135 <unk>:0.037086956202983856 his:0.036701224744319916 them:0.02334374003112316 him:0.019141336902976036 her:0.017428144812583923\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['faith']\n",
"in:0.16957330703735352 and:0.11191374063491821 <unk>:0.09680081158876419 of:0.060897644609212875 that:0.038207683712244034 to:0.029035288840532303 the:0.02526267245411873 but:0.016544872894883156\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['great']\n",
"<unk>:0.23301440477371216 deal:0.042057666927576065 many:0.023794014006853104 britain:0.01637883484363556 and:0.01608119159936905 northern:0.0075382268987596035 number:0.007448261603713036 work:0.006052902899682522\n",
"['must']\n",
"be:0.3054678738117218 <unk>:0.1348254680633545 have:0.07387600839138031 not:0.03509781137108803 bo:0.015439599752426147 do:0.00881241261959076 he:0.00856156088411808 take:0.0074920435436069965\n",
"['more']\n",
"than:0.19699864089488983 <unk>:0.16920992732048035 or:0.03894995525479317 of:0.019799329340457916 to:0.01648719608783722 and:0.014404811896383762 in:0.011601983569562435 thann:0.007835574448108673\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['would']\n",
"be:0.15273810923099518 <unk>:0.13132600486278534 have:0.08837670832872391 not:0.07991773635149002 make:0.01737385056912899 do:0.01413943711668253 bo:0.010190516710281372 like:0.009767788462340832\n",
"['thisnsuhjeet']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['problemsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['withn']\n",
"<unk>:0.13506150245666504 the:0.052440792322158813 a:0.026220308616757393 and:0.019970647990703583 acres:0.01472160592675209 to:0.014503954909741879 in:0.013292515650391579 of:0.010805558413267136\n",
"['thatnno']\n",
"<unk>:0.08393954485654831 one:0.053525522351264954 man:0.033365070819854736 other:0.031200755387544632 person:0.02364196442067623 great:0.012219201773405075 matter:0.01178355235606432 question:0.00880972109735012\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['ntucky']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['attempt']\n",
"to:0.4627750813961029 <unk>:0.0944969430565834 at:0.0410626158118248 was:0.030274121090769768 of:0.022743767127394676 the:0.018559418618679047 is:0.014710643328726292 a:0.014255275949835777\n",
"['eriticised']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['asn']\n",
"<unk>:0.2178916037082672 a:0.0380333811044693 the:0.03401431068778038 to:0.026883617043495178 and:0.02248041331768036 of:0.02093389816582203 it:0.01983090490102768 in:0.017860472202301025\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['owners']\n",
"of:0.2869316041469574 and:0.06959132105112076 <unk>:0.06406982243061066 or:0.0345400795340538 are:0.022540641948580742 to:0.022095657885074615 in:0.022084282711148262 for:0.016142813488841057\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['master']\n",
"<unk>:0.16539382934570312 of:0.15271444618701935 and:0.05421512946486473 to:0.02161908894777298 in:0.020072966814041138 the:0.019604051485657692 who:0.011138335801661015 at:0.00970209576189518\n",
"['always']\n",
"<unk>:0.18848590552806854 been:0.06876007467508316 be:0.03912685438990593 a:0.031091470271348953 in:0.01671169325709343 the:0.016679110005497932 to:0.011699755676090717 have:0.01078015100210905\n",
"['rootsnfr']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['main']\n",
"<unk>:0.19474290311336517 street:0.06482258439064026 line:0.027292951941490173 and:0.02399503067135811 ntain:0.018536671996116638 body:0.014753500930964947 ntained:0.013350998982787132 road:0.012691083364188671\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['time']\n",
"<unk>:0.10497225821018219 to:0.06554590910673141 of:0.06249309703707695 and:0.050932347774505615 the:0.042667366564273834 in:0.030277829617261887 for:0.021024655550718307 he:0.02023688517510891\n",
"['him']\n",
"<unk>:0.10401047766208649 to:0.10037162899971008 and:0.06415976583957672 in:0.04259955883026123 the:0.02874256856739521 a:0.02758781798183918 that:0.0228275079280138 as:0.02206616848707199\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['askedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['under']\n",
"the:0.3453740179538727 <unk>:0.1426248997449875 a:0.03859175369143486 his:0.021474536508321762 this:0.02049609087407589 which:0.018128812313079834 tho:0.016588034108281136 such:0.011193190701305866\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['such']\n",
"<unk>:0.17881900072097778 a:0.15409810841083527 as:0.04459206387400627 an:0.0378606915473938 person:0.011130900122225285 cases:0.009782944805920124 sale:0.006893188692629337 case:0.006846447475254536\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['eve']\n",
"of:0.2181807905435562 nning:0.170467808842659 <unk>:0.09835557639598846 and:0.04165113344788551 nry:0.024329079315066338 in:0.015969153493642807 to:0.015710139647126198 was:0.013154251500964165\n",
"['revenuen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['x']\n",
"<unk>:0.27404719591140747 feet:0.04667293652892113 and:0.02552778646349907 of:0.020254096016287804 y:0.018573125824332237 n:0.017743367701768875 inches:0.017001435160636902 x:0.016960332170128822\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['resulting']\n",
"from:0.3214566111564636 in:0.28363385796546936 <unk>:0.12268650531768799 therefrom:0.048715438693761826 to:0.02585018053650856 and:0.015712276101112366 fromnthe:0.01314358226954937 innthe:0.007709688041359186\n",
"['arid']\n",
"<unk>:0.18677935004234314 the:0.048401545733213425 in:0.01897350698709488 that:0.015141749754548073 a:0.012934581376612186 to:0.01051320880651474 it:0.009805725887417793 he:0.007425141986459494\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['exists']\n",
"in:0.19765056669712067 <unk>:0.05949387699365616 and:0.056598469614982605 between:0.032179370522499084 the:0.031631387770175934 involving:0.023711202666163445 to:0.02329407073557377 as:0.021615296602249146\n",
"['law']\n",
"<unk>:0.10096316784620285 and:0.08481988310813904 of:0.0648326501250267 or:0.03651684522628784 in:0.036097269505262375 to:0.03088599443435669 is:0.030200820416212082 the:0.02364393323659897\n",
"['silvermounted']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['presentn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wibin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['expedient']\n",
"to:0.1950889378786087 and:0.09305854141712189 <unk>:0.07735423743724823 for:0.07005040347576141 that:0.06814231723546982 of:0.04462273046374321 the:0.031182466074824333 in:0.021916905418038368\n",
"['arms']\n",
"and:0.17164602875709534 <unk>:0.14876289665699005 of:0.07497237622737885 in:0.032561495900154114 to:0.031109251081943512 the:0.028154738247394562 at:0.017138268798589706 as:0.01379337627440691\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['either']\n",
"<unk>:0.16250593960285187 of:0.09028215706348419 in:0.062476444989442825 by:0.04310589283704758 side:0.03965900093317032 the:0.03833794593811035 to:0.031242527067661285 a:0.0216143149882555\n",
"['sebastiann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['fournwere']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['goes']\n",
"to:0.19086576998233795 <unk>:0.11139580607414246 on:0.10106408596038818 into:0.03883868828415871 out:0.03417244181036949 in:0.02817564085125923 back:0.020474907010793686 through:0.015312987379729748\n",
"['establish']\n",
"a:0.22134403884410858 <unk>:0.12295366823673248 the:0.11947643011808395 an:0.040499597787857056 nment:0.03227506950497627 and:0.030580392107367516 it:0.01606784574687481 this:0.013046409003436565\n",
"['unstales']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['become']\n",
"<unk>:0.18523359298706055 a:0.11353422701358795 the:0.046804919838905334 due:0.04064686596393585 so:0.030808117240667343 delinquent:0.023291178047657013 an:0.02189597301185131 operative:0.019001983106136322\n",
"['shall']\n",
"be:0.3568992018699646 <unk>:0.09769967198371887 not:0.04519403725862503 have:0.04380497708916664 bo:0.014060457237064838 make:0.012083304114639759 he:0.011855627410113811 at:0.006949294358491898\n",
"['theyn']\n",
"<unk>:0.11901931464672089 are:0.03142045438289642 will:0.02291155233979225 have:0.022116614505648613 e:0.01566181145608425 be:0.011756310239434242 had:0.011178616434335709 were:0.010471377521753311\n",
"['use']\n",
"of:0.3099626898765564 <unk>:0.0894303023815155 the:0.055199071764945984 in:0.03647924214601517 and:0.03520629182457924 it:0.025875182822346687 a:0.022352363914251328 for:0.020833054557442665\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['wornon']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nothip']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['scheme']\n",
"of:0.15178948640823364 <unk>:0.13579034805297852 to:0.08901799470186234 for:0.0438174270093441 and:0.040498681366443634 was:0.036373864859342575 is:0.033297013491392136 the:0.02687777206301689\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['virtue']\n",
"of:0.7537315487861633 and:0.03451376035809517 <unk>:0.03095611371099949 ofnthe:0.015789469704031944 that:0.008665747009217739 in:0.008311099372804165 ot:0.0064000338315963745 as:0.005575308110564947\n",
"['senaten']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['engaged']\n",
"in:0.5123611092567444 <unk>:0.1071067601442337 to:0.04161505401134491 innthe:0.020759928971529007 the:0.017802035436034203 and:0.015014718286693096 a:0.01290486752986908 on:0.012344040907919407\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['triumphn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['toolsninto']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['my']\n",
"<unk>:0.23739252984523773 own:0.0256430022418499 mind:0.012820346280932426 life:0.012448297813534737 head:0.010957229882478714 hand:0.01039646565914154 friends:0.00883374735713005 father:0.008718777447938919\n",
"['surface']\n",
"of:0.195698544383049 <unk>:0.11377357691526413 and:0.06963155418634415 the:0.04726184532046318 ground:0.02967037260532379 in:0.02566697634756565 as:0.019866522401571274 is:0.019135834649205208\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['contains']\n",
"a:0.19766542315483093 <unk>:0.12162388116121292 the:0.09503329545259476 no:0.06772036105394363 an:0.02932245470583439 all:0.02452252432703972 more:0.014240524731576443 some:0.01357248518615961\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['we']\n",
"<unk>:0.13773101568222046 have:0.09360568970441818 are:0.06667010486125946 had:0.025956355035305023 were:0.025647835806012154 shall:0.025268608704209328 will:0.024019625037908554 can:0.023256929591298103\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['logic']\n",
"of:0.18031065165996552 <unk>:0.15264096856117249 and:0.09287387877702713 the:0.04616612568497658 in:0.04344554245471954 to:0.027433965355157852 that:0.018949836492538452 is:0.018157221376895905\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['beforen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['large']\n",
"<unk>:0.19040970504283905 number:0.05220543220639229 and:0.04222975671291351 as:0.020121950656175613 amount:0.019303398206830025 portion:0.018069013953208923 part:0.014111626893281937 quantities:0.013487791642546654\n",
"['growing']\n",
"<unk>:0.1753266453742981 out:0.0698360949754715 in:0.03206881508231163 of:0.028354497626423836 crops:0.01861771009862423 and:0.015545646660029888 up:0.013294645585119724 the:0.01282077468931675\n",
"['place']\n",
"of:0.1621199995279312 <unk>:0.0920373722910881 in:0.08766961842775345 and:0.051712796092033386 the:0.0436958447098732 to:0.034682951867580414 for:0.02837119624018669 on:0.026366619393229485\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['en']\n",
"<unk>:0.3404906094074249 ntered:0.06942591071128845 route:0.0423940010368824 ntirely:0.03167496994137764 the:0.025974242016673088 ntitled:0.025015324354171753 ngaged:0.015332464128732681 ntire:0.01478498987853527\n",
"['setn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['knownsometmng']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['isnalways']\n",
"<unk>:0.1262679100036621 a:0.11736421287059784 the:0.05884002521634102 in:0.013154882937669754 an:0.01152666937559843 as:0.010798969306051731 ready:0.008592385798692703 that:0.008107015863060951\n",
"['tho']\n",
"<unk>:0.30005934834480286 most:0.0052360850386321545 first:0.004940597806125879 state:0.004865132737904787 united:0.0044953906908631325 city:0.004085723310709 same:0.004075611010193825 other:0.004045554436743259\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['tbeirnlieaiibctit']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['democrat']\n",
"<unk>:0.15118809044361115 and:0.09727488458156586 in:0.06066293641924858 of:0.036207158118486404 who:0.031099596992135048 the:0.024553146213293076 to:0.023119602352380753 was:0.01952541247010231\n",
"['c']\n",
"<unk>:0.2864397168159485 a:0.028532501310110092 for:0.018376635387539864 c:0.01658511720597744 and:0.01604672521352768 no:0.015948768705129623 h:0.012806541286408901 w:0.012330155819654465\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['state']\n",
"of:0.19899342954158783 <unk>:0.12432506680488586 and:0.05099198967218399 in:0.020817264914512634 to:0.019673500210046768 that:0.01748879998922348 or:0.01699097827076912 the:0.015293367207050323\n",
"['fallennshort']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['abandoning']\n",
"the:0.32665643095970154 <unk>:0.09703885763883591 his:0.05354279279708862 all:0.042081885039806366 a:0.0317947156727314 their:0.031197773292660713 its:0.029551349580287933 tho:0.02657020278275013\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['wax']\n",
"<unk>:0.20115576684474945 and:0.031126435846090317 in:0.027226615697145462 as:0.013225125148892403 to:0.013088912703096867 a:0.012681043706834316 at:0.01213225070387125 is:0.01013853307813406\n",
"['coin']\n",
"<unk>:0.14409443736076355 of:0.09236239641904831 and:0.08406548202037811 in:0.03988020494580269 to:0.029743775725364685 the:0.021653490141034126 is:0.021244395524263382 a:0.020245587453246117\n",
"['innboth']\n",
"<unk>:0.05992356687784195 houses:0.05575179308652878 of:0.052427638322114944 the:0.0416400283575058 cases:0.0393596887588501 branches:0.014951419085264206 countries:0.014628620818257332 sections:0.012286596931517124\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['counties']\n",
"of:0.18279550969600677 <unk>:0.09796111285686493 in:0.07240738719701767 and:0.05951288342475891 are:0.02354867197573185 the:0.019991423934698105 or:0.014425081200897694 to:0.014370850287377834\n",
"['peculiar']\n",
"<unk>:0.20765019953250885 to:0.09886432439088821 and:0.02563098445534706 character:0.00924647692590952 circumstances:0.008794617839157581 manner:0.00861104391515255 in:0.008252223022282124 feature:0.00788371916860342\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ownn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andnto']\n",
"the:0.15323488414287567 <unk>:0.08251869678497314 be:0.04151390865445137 make:0.015360220335423946 do:0.013817891478538513 a:0.013795888982713223 take:0.010724583640694618 tho:0.010014740750193596\n",
"['forn']\n",
"<unk>:0.1115146204829216 the:0.051305800676345825 and:0.048147838562726974 years:0.044146906584501266 a:0.030462106689810753 to:0.02320079505443573 per:0.020868172869086266 in:0.019460191950201988\n",
"['benconsidered']\n",
"as:0.09446456283330917 <unk>:0.08002666383981705 the:0.06792972981929779 in:0.05520889163017273 and:0.04989789053797722 to:0.042286429554224014 a:0.03386230766773224 by:0.027014289051294327\n",
"['ihe']\n",
"<unk>:0.33764442801475525 same:0.00659198360517621 state:0.0063227443024516106 first:0.005615090485662222 said:0.005464698653668165 city:0.004936967045068741 county:0.004674743860960007 last:0.00405251607298851\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['danielnh']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['such']\n",
"<unk>:0.17881900072097778 a:0.15409810841083527 as:0.04459206387400627 an:0.0378606915473938 person:0.011130900122225285 cases:0.009782944805920124 sale:0.006893188692629337 case:0.006846447475254536\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['seen']\n",
"<unk>:0.13241267204284668 in:0.0840703472495079 the:0.06270989775657654 that:0.049972712993621826 and:0.03451482206583023 at:0.03396326303482056 to:0.03144032880663872 a:0.030978452414274216\n",
"['ntle']\n",
"<unk>:0.09996410459280014 of:0.04541923105716705 and:0.04339969903230667 in:0.020786309614777565 the:0.0160848256200552 to:0.010198384523391724 time:0.009514860808849335 that:0.00814465619623661\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['party']\n",
"<unk>:0.14315254986286163 of:0.0752062276005745 and:0.05126910284161568 in:0.04879795387387276 to:0.04177085682749748 is:0.02072826400399208 the:0.01884854957461357 who:0.0182166900485754\n",
"['story']\n",
"of:0.23432809114456177 <unk>:0.10707317292690277 is:0.046540722250938416 was:0.038871489465236664 and:0.03458038717508316 that:0.03340559080243111 in:0.026836412027478218 to:0.022854214534163475\n",
"['theyn']\n",
"<unk>:0.11901931464672089 are:0.03142045438289642 will:0.02291155233979225 have:0.022116614505648613 e:0.01566181145608425 be:0.011756310239434242 had:0.011178616434335709 were:0.010471377521753311\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['truen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ol']\n",
"<unk>:0.23865024745464325 the:0.20971642434597015 a:0.025130726397037506 tho:0.011873121373355389 this:0.01160435564815998 said:0.009338573552668095 his:0.009322249330580235 tbe:0.00882399920374155\n",
"['forthen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['eight']\n",
"<unk>:0.24183759093284607 hundred:0.051033440977334976 years:0.049478691071271896 or:0.047183819115161896 and:0.03617198392748833 months:0.03074881061911583 of:0.027440322563052177 inches:0.026575561612844467\n",
"['ae']\n",
"<unk>:0.25206270813941956 the:0.03690362349152565 to:0.03173184394836426 a:0.03073808178305626 of:0.021182576194405556 i:0.018175119534134865 and:0.012335359118878841 it:0.011689848266541958\n",
"['din']\n",
"<unk>:0.2649245262145996 of:0.09984458982944489 nner:0.062437549233436584 and:0.03958035260438919 ning:0.027835868299007416 the:0.01773461326956749 in:0.017136430367827415 a:0.012343185022473335\n",
"['nltelnthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['john']\n",
"<unk>:0.33595260977745056 w:0.03439439460635185 m:0.025803852826356888 h:0.02405143529176712 a:0.02159116044640541 f:0.018455935642123222 j:0.017632026225328445 and:0.01757798157632351\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['graspnclearly']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['indian']\n",
"<unk>:0.21871787309646606 territory:0.06108661741018295 affairs:0.02930048480629921 and:0.022367186844348907 tribes:0.016901811584830284 in:0.01083057839423418 reservation:0.009800245054066181 corn:0.00839680340141058\n",
"['couldn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['whollyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['itnbeneath']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['llllineiliately']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['principal']\n",
"<unk>:0.17242106795310974 and:0.11066479980945587 of:0.07074102759361267 meridian:0.03156621754169464 sum:0.029275918379426003 or:0.025000648573040962 note:0.016820957884192467 in:0.01203610934317112\n",
"['lagn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wearing']\n",
"<unk>:0.18490087985992432 a:0.16962280869483948 the:0.10307283699512482 of:0.03928043693304062 apparel:0.03858793526887894 and:0.014494320377707481 it:0.014113122597336769 their:0.013208279386162758\n",
"['cent']\n",
"of:0.17267848551273346 <unk>:0.1118798702955246 per:0.07384038716554642 in:0.039351921528577805 and:0.03035765141248703 on:0.02746741846203804 the:0.021943701431155205 for:0.019970407709479332\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['particularlyncall']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['directn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['glancen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['can']\n",
"be:0.22046741843223572 <unk>:0.12316019833087921 do:0.028022097423672676 not:0.02678426168859005 bo:0.01689518429338932 get:0.015971969813108444 see:0.014635843224823475 make:0.013505877926945686\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['iu']\n",
"<unk>:0.1856646090745926 the:0.18105314671993256 a:0.04355955496430397 this:0.020540891215205193 tho:0.01311513315886259 his:0.012908335775136948 their:0.009772381745278835 which:0.009666905738413334\n",
"['leisuren']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thus']\n",
"<unk>:0.19073782861232758 far:0.06397892534732819 the:0.03593980148434639 be:0.01660725846886635 to:0.012867200188338757 it:0.011681105941534042 a:0.010237633250653744 in:0.009400306269526482\n",
"['shippednwill']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['chiefnsecretary']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fails']\n",
"to:0.5073820948600769 <unk>:0.09059804677963257 in:0.03159468248486519 and:0.023177411407232285 of:0.017069067806005478 for:0.015474745072424412 the:0.010922761633992195 on:0.010797875002026558\n",
"['andnthey']\n",
"are:0.1640685796737671 were:0.07135352492332458 have:0.0436592772603035 will:0.04029018059372902 <unk>:0.038337115198373795 had:0.024989010766148567 would:0.023623215034604073 shall:0.014690815471112728\n",
"['out']\n",
"of:0.24538345634937286 <unk>:0.09440331161022186 the:0.0502653568983078 and:0.046478722244501114 to:0.038411710411310196 in:0.034821465611457825 a:0.023348769173026085 on:0.01896938681602478\n",
"['officialn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['feltn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['dulynadmitted']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['while']\n",
"the:0.17655670642852783 <unk>:0.13158272206783295 in:0.04024682566523552 he:0.03402140364050865 it:0.03229029104113579 there:0.024707799777388573 a:0.023504015058279037 they:0.019603366032242775\n",
"['simply']\n",
"<unk>:0.15460997819900513 a:0.05385947600007057 to:0.0507880263030529 because:0.03850455582141876 the:0.030398525297641754 as:0.030333828181028366 that:0.017140885815024376 an:0.014728028327226639\n",
"['num']\n",
"nber:0.3707054555416107 nbers:0.3123127222061157 nbered:0.1335018277168274 <unk>:0.05349576473236084 in:0.006492757238447666 and:0.003919223323464394 t:0.003333157626911998 of:0.003310915781185031\n",
"['believed']\n",
"that:0.25594738125801086 to:0.12275021523237228 <unk>:0.07822027802467346 the:0.056229058653116226 in:0.03900422528386116 it:0.03329142928123474 by:0.028703957796096802 he:0.019251639023423195\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['givenn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['such']\n",
"<unk>:0.17881900072097778 a:0.15409810841083527 as:0.04459206387400627 an:0.0378606915473938 person:0.011130900122225285 cases:0.009782944805920124 sale:0.006893188692629337 case:0.006846447475254536\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['great']\n",
"<unk>:0.23301440477371216 deal:0.042057666927576065 many:0.023794014006853104 britain:0.01637883484363556 and:0.01608119159936905 northern:0.0075382268987596035 number:0.007448261603713036 work:0.006052902899682522\n",
"['some']\n",
"<unk>:0.17425395548343658 of:0.17399758100509644 time:0.033102847635746 one:0.019578879699110985 other:0.01773841679096222 years:0.014443687163293362 ofnthe:0.009550128132104874 way:0.007940506562590599\n",
"['gentleman']\n",
"<unk>:0.15542222559452057 who:0.11731035262346268 from:0.06946385651826859 of:0.05131193995475769 and:0.037596527487039566 in:0.03699915483593941 was:0.030948156490921974 to:0.021823905408382416\n",
"['beforen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fi']\n",
"<unk>:0.2655063271522522 nnance:0.03118576668202877 n:0.019162049517035484 r:0.0182637982070446 t:0.017977267503738403 a:0.016729917377233505 m:0.015984250232577324 in:0.015243714675307274\n",
"['wicked']\n",
"<unk>:0.2201298028230667 and:0.08865310996770859 to:0.026316603645682335 man:0.01531965658068657 little:0.011542399413883686 people:0.008518984541296959 men:0.008136477321386337 but:0.008025448769330978\n",
"['privatendrives']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thngambler']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['domingo']\n",
"<unk>:0.1718359738588333 and:0.11715759336948395 in:0.0521639809012413 is:0.03492213413119316 has:0.02039044350385666 was:0.016626505181193352 to:0.01591554842889309 or:0.014222645200788975\n",
"['hawaiiann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['combining']\n",
"<unk>:0.1640760898590088 the:0.1391095370054245 in:0.04984163120388985 to:0.032394636422395706 with:0.020091742277145386 his:0.017277520149946213 a:0.012437286786735058 that:0.011159141547977924\n",
"['building']\n",
"<unk>:0.11024075746536255 and:0.06820642948150635 of:0.06530337035655975 is:0.04302806779742241 in:0.037259820848703384 at:0.028936659917235374 was:0.025214826688170433 a:0.024804159998893738\n",
"['dischargenwednesday']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['cast']\n",
"<unk>:0.12103603780269623 the:0.06336953490972519 in:0.038298897445201874 for:0.0376909114420414 a:0.03516308218240738 of:0.030842341482639313 on:0.023156674578785896 and:0.02280251309275627\n",
"['governorn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['gcn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['undern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['gn']\n",
"<unk>:0.3167004883289337 and:0.058446504175662994 at:0.03341185301542282 a:0.03286147490143776 the:0.032679006457328796 in:0.025168821215629578 n:0.025093385949730873 c:0.024677906185388565\n",
"['workn']\n",
"<unk>:0.26487913727760315 the:0.07284752279520035 in:0.044904373586177826 and:0.03397160395979881 of:0.021208809688687325 a:0.020491378381848335 with:0.015349403023719788 to:0.012044145725667477\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['publicn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mcdugaln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['arsenicn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['arts']\n",
"and:0.19241510331630707 of:0.14834778010845184 <unk>:0.12311255186796188 in:0.024225542321801186 or:0.024126561358571053 the:0.022449590265750885 that:0.019991381093859673 to:0.017797201871871948\n",
"['uponn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['financialn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['alight']\n",
"<unk>:0.13709892332553864 and:0.0503026507794857 with:0.03522802144289017 in:0.03283872455358505 to:0.02512161061167717 on:0.02315651625394821 at:0.022192908450961113 upon:0.01589135080575943\n",
"['gentlemen']\n",
"who:0.11901190131902695 <unk>:0.10444541275501251 of:0.07662007957696915 in:0.03651903569698334 and:0.026803292334079742 to:0.024709142744541168 are:0.021158689633011818 were:0.019648052752017975\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['forthcoming']\n",
"<unk>:0.22333216667175293 and:0.07015368342399597 in:0.03926097974181175 to:0.03648936748504639 the:0.027631808072328568 that:0.019542837515473366 of:0.018059996888041496 at:0.01575758308172226\n",
"['haworthn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['fornthe']\n",
"<unk>:0.09069480001926422 purpose:0.033012572675943375 purchase:0.015359886921942234 same:0.014523628167808056 first:0.014312553219497204 sum:0.010567941702902317 most:0.009248575195670128 year:0.008571980521082878\n",
"['done']\n",
"<unk>:0.09639006853103638 by:0.08150965720415115 in:0.07725168764591217 to:0.04745211824774742 and:0.039425045251846313 the:0.03930851072072983 so:0.029388267546892166 for:0.02723715454339981\n",
"['dor']\n",
"<unk>:0.2672387361526489 of:0.0472913533449173 the:0.033281147480010986 and:0.021952928975224495 in:0.0192446019500494 to:0.01890355721116066 a:0.01515429001301527 i:0.012484322302043438\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['toldn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tract']\n",
"of:0.33268436789512634 <unk>:0.09714287519454956 and:0.046280696988105774 or:0.04395487532019615 in:0.019501492381095886 ofnland:0.01644131727516651 is:0.01641102135181427 thence:0.016243262216448784\n",
"['wingfiehf']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['robbery']\n",
"<unk>:0.15068462491035461 and:0.10687880963087082 of:0.08778741955757141 is:0.0360177680850029 was:0.03569762408733368 in:0.03231244161725044 the:0.03207635134458542 which:0.024405742064118385\n",
"['best']\n",
"<unk>:0.16845937073230743 of:0.07484056055545807 to:0.032306309789419174 and:0.02732172980904579 interests:0.013101579621434212 for:0.013094277121126652 in:0.012234244495630264 known:0.011543620377779007\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['sort']\n",
"of:0.5795673131942749 <unk>:0.12223033607006073 and:0.023337770253419876 that:0.012095760554075241 the:0.011288895271718502 in:0.010973968543112278 </s>:0.009797968901693821 to:0.009330208413302898\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['receive']\n",
"<unk>:0.14021039009094238 the:0.12847900390625 a:0.09147509932518005 from:0.02524469420313835 in:0.020040960982441902 it:0.019436167553067207 any:0.017287487164139748 an:0.016656961292028427\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['lloor']\n",
"<unk>:0.2233128845691681 of:0.1575595885515213 and:0.10337997227907181 to:0.04529185593128204 in:0.03587838634848595 the:0.028454991057515144 for:0.018284570425748825 that:0.017374787479639053\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['npn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sometimes']\n",
"<unk>:0.14154444634914398 the:0.03497070074081421 in:0.026058360934257507 a:0.022923246026039124 he:0.019387437030673027 to:0.013719198293983936 it:0.011786828748881817 as:0.011325850151479244\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['premise']\n",
"<unk>:0.15843886137008667 and:0.1084788367152214 to:0.04481123387813568 in:0.04451550170779228 the:0.0358518622815609 of:0.025074372068047523 described:0.024933863431215286 on:0.02411504089832306\n",
"['goodnwork']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ths']\n",
"<unk>:0.26603561639785767 people:0.007785269059240818 first:0.006207040511071682 same:0.006016632076352835 state:0.004826090764254332 city:0.004805900156497955 county:0.0045531452633440495 amount:0.004338738974183798\n",
"['tinnmissouri']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['anyn']\n",
"<unk>:0.2454908788204193 the:0.017155490815639496 of:0.01335963886231184 degree:0.011551839299499989 and:0.007472706958651543 it:0.0064537413418293 m:0.005850138608366251 </s>:0.005664063151925802\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['shall']\n",
"be:0.3568992018699646 <unk>:0.09769967198371887 not:0.04519403725862503 have:0.04380497708916664 bo:0.014060457237064838 make:0.012083304114639759 he:0.011855627410113811 at:0.006949294358491898\n",
"['equalnto']\n",
"the:0.31092363595962524 a:0.05173105746507645 <unk>:0.043167900294065475 that:0.040536947548389435 which:0.0201591607183218 tho:0.018030686303973198 this:0.018000338226556778 his:0.015921786427497864\n",
"['feet']\n",
"to:0.1653222292661667 <unk>:0.1076214537024498 of:0.06162547320127487 and:0.05345023050904274 in:0.04825303703546524 thence:0.0385640524327755 above:0.02619834616780281 long:0.024988289922475815\n",
"['nand']\n",
"the:0.11449228972196579 <unk>:0.06696512550115585 in:0.028306374326348305 that:0.025051383301615715 a:0.021391136571764946 to:0.018369218334555626 whereas:0.0161282941699028 recorded:0.014329700730741024\n",
"['flossie']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['com']\n",
"<unk>:0.3745647668838501 nmittee:0.0985867902636528 npany:0.07008005678653717 nplete:0.0227628406137228 nmenced:0.022177640348672867 nmunity:0.019416389986872673 ning:0.018061168491840363 npelled:0.017108052968978882\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['when']\n",
"the:0.16828003525733948 <unk>:0.12202559411525726 he:0.07795543968677521 it:0.04665255546569824 they:0.04447968304157257 i:0.03665892779827118 a:0.034122008830308914 we:0.031840745359659195\n",
"['believen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['every']\n",
"<unk>:0.23462125658988953 one:0.04778020456433296 man:0.028334468603134155 day:0.022682832553982735 year:0.015883589163422585 part:0.015615013428032398 way:0.01469524297863245 person:0.01305829081684351\n",
"['naval']\n",
"<unk>:0.26430684328079224 service:0.054995179176330566 and:0.028384137898683548 officers:0.02489115297794342 station:0.02404823899269104 officer:0.023677438497543335 affairs:0.014759935438632965 force:0.013237586244940758\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['ownn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['complete']\n",
"<unk>:0.19536592066287994 the:0.0669550895690918 and:0.06546526402235031 a:0.016993412747979164 in:0.01591169275343418 success:0.01331060566008091 his:0.012713800184428692 list:0.010170122608542442\n",
"['miles']\n",
"<unk>:0.11844795197248459 of:0.10298731178045273 from:0.10109490901231766 and:0.04854154586791992 to:0.03485060855746269 in:0.031464435160160065 the:0.025024402886629105 west:0.023855814710259438\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['political']\n",
"<unk>:0.2915519177913666 party:0.031161483377218246 and:0.025168100371956825 economy:0.0182153582572937 parties:0.015426979400217533 life:0.011625144630670547 affairs:0.011545401066541672 power:0.010929220356047153\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['probably']\n",
"<unk>:0.16296671330928802 be:0.07732900977134705 the:0.061390750110149384 a:0.030195847153663635 not:0.025986062362790108 in:0.02295823208987713 have:0.01954050362110138 no:0.015099471434950829\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['flames']\n",
"<unk>:0.2231065034866333 and:0.09917669743299484 the:0.05697498470544815 of:0.03658663481473923 were:0.029332179576158524 are:0.0206028800457716 from:0.018632277846336365 in:0.018303969874978065\n",
"['isn']\n",
"<unk>:0.1455436497926712 a:0.04267491027712822 and:0.04211031273007393 feet:0.031343743205070496 miles:0.023163456469774246 the:0.01933097466826439 to:0.018890809267759323 in:0.018090419471263885\n",
"['boxn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['mule']\n",
"<unk>:0.1981678605079651 and:0.11970561742782593 to:0.04395768418908119 in:0.03419509157538414 or:0.025449734181165695 was:0.021057995036244392 is:0.020922092720866203 the:0.018559403717517853\n",
"['weedsnit']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thentips']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['prohibit']\n",
"the:0.30530092120170593 <unk>:0.10681398212909698 a:0.031078075990080833 their:0.02675103209912777 it:0.02324090152978897 his:0.021355189383029938 any:0.020473070442676544 tho:0.018437471240758896\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['lafon']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['abovenparagraph']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['allegiancento']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sunndays']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['goodn']\n",
"<unk>:0.19188880920410156 and:0.050644706934690475 to:0.026756729930639267 a:0.02476816065609455 in:0.019957398995757103 of:0.01810511387884617 the:0.017779890447854996 n:0.013076066970825195\n",
"['greatest']\n",
"<unk>:0.2377634346485138 of:0.0462520569562912 number:0.0167444609105587 difficulty:0.014219291508197784 care:0.012753847986459732 and:0.01255085039883852 possible:0.010945340618491173 importance:0.00949755311012268\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['tile']\n",
"<unk>:0.2458696961402893 in:0.00972795207053423 and:0.00972655601799488 the:0.00859561562538147 a:0.00841929018497467 of:0.00830405205488205 to:0.007389887701719999 same:0.0064124721102416515\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['notnsee']\n",
"the:0.16197971999645233 that:0.09007202088832855 it:0.055955372750759125 how:0.044005151838064194 to:0.03411872684955597 him:0.033641282469034195 what:0.02881769649684429 them:0.026250716298818588\n",
"['man']\n",
"<unk>:0.12974177300930023 who:0.11130981147289276 of:0.04574340209364891 and:0.042749278247356415 in:0.04084893316030502 is:0.02529185637831688 to:0.02484465390443802 was:0.01994374394416809\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['gunrdn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aged']\n",
"<unk>:0.16600219905376434 years:0.07030387222766876 and:0.04535240679979324 men:0.016201943159103394 parents:0.015640567988157272 nyears:0.014001536183059216 the:0.013681103475391865 to:0.01293621864169836\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['thisn']\n",
"<unk>:0.25579094886779785 th:0.17176546156406403 the:0.02118796296417713 rd:0.01572372391819954 a:0.010936521925032139 st:0.009146014228463173 was:0.009136886335909367 is:0.00814779382199049\n",
"['ilie']\n",
"<unk>:0.234023317694664 th:0.012075691483914852 old:0.00932623352855444 said:0.0070101115852594376 same:0.0069500417448580265 city:0.005358182825148106 first:0.00512735266238451 property:0.00477269571274519\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['pen']\n",
"<unk>:0.18276579678058624 of:0.06926777213811874 and:0.06289462745189667 nsion:0.03167238458991051 to:0.01790228672325611 nsions:0.017029285430908203 the:0.015895383432507515 is:0.013955925591289997\n",
"['expedientonwhich']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['should']\n",
"be:0.32915517687797546 <unk>:0.12762056291103363 not:0.0771702229976654 have:0.044952332973480225 bo:0.023956747725605965 he:0.015302123501896858 the:0.010673433542251587 do:0.0077361175790429115\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['competentn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['there']\n",
"is:0.21489956974983215 are:0.10645759105682373 was:0.09183706343173981 <unk>:0.07891882956027985 were:0.04505584016442299 will:0.03374265506863594 has:0.018656885251402855 and:0.013431165367364883\n",
"['unlessn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['winter']\n",
"<unk>:0.12069220095872879 and:0.06516890972852707 wheat:0.03916830196976662 the:0.029586711898446083 of:0.024912359192967415 in:0.021035775542259216 is:0.017539864405989647 when:0.017211146652698517\n",
"['circulationnshall']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['tonsettlers']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['salen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['buildn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['hicitoiieby']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['moment']\n",
"<unk>:0.10094653069972992 the:0.06680868566036224 of:0.04847045987844467 and:0.0407378226518631 to:0.04018428921699524 he:0.03368587791919708 i:0.02624603919684887 that:0.025469519197940826\n",
"['rationalnand']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wen']\n",
"<unk>:0.25190526247024536 to:0.026555707678198814 a:0.021587537601590157 the:0.019065339118242264 in:0.016668420284986496 at:0.010122140869498253 as:0.009595558047294617 that:0.009181504137814045\n",
"['stars']\n",
"and:0.1494792103767395 <unk>:0.12312838435173035 of:0.04438643530011177 in:0.03012770228087902 the:0.027846673503518105 that:0.027228493243455887 are:0.022124718874692917 to:0.02092127688229084\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['starvationn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['anonymous']\n",
"letter:0.16321125626564026 <unk>:0.10366050899028778 letters:0.03723601996898651 and:0.016777411103248596 duty:0.009356600232422352 days:0.009015328250825405 man:0.007047519087791443 or:0.0051999702118337154\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['perhaps']\n",
"<unk>:0.10908373445272446 the:0.0836397185921669 a:0.04768721014261246 in:0.030195986852049828 it:0.03019273653626442 to:0.020810825750231743 they:0.01850205846130848 more:0.016232406720519066\n",
"['tegtster']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['questionsnhis']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aren']\n",
"<unk>:0.26644155383110046 the:0.02865513600409031 to:0.027143025770783424 of:0.01882954128086567 feet:0.015926415100693703 and:0.014652454294264317 a:0.0144460778683424 in:0.0143551891669631\n",
"['mor']\n",
"<unk>:0.2613658905029297 ngan:0.14436128735542297 nton:0.07373323291540146 nal:0.032049186527729034 and:0.027422510087490082 of:0.01574854925274849 nmons:0.013433718122541904 ntal:0.011919175274670124\n",
"['difference']\n",
"between:0.18450336158275604 in:0.14901210367679596 of:0.11300761997699738 <unk>:0.07348506152629852 is:0.028233347460627556 to:0.028067732229828835 whether:0.019671931862831116 that:0.01731806993484497\n",
"['even']\n",
"<unk>:0.13124261796474457 the:0.08313588798046112 in:0.05308469757437706 a:0.04382612556219101 to:0.04198447987437248 if:0.04014003649353981 though:0.019447270780801773 more:0.018825355917215347\n",
"['who']\n",
"<unk>:0.14465560019016266 are:0.05709322541952133 had:0.052187480032444 have:0.05192911997437477 was:0.03984886035323143 has:0.03698565065860748 is:0.0353294312953949 were:0.031020494177937508\n",
"['qs']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tonsettlers']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['aided']\n",
"by:0.31992781162261963 in:0.10413016378879547 <unk>:0.08459895104169846 the:0.05944264307618141 and:0.04822753742337227 him:0.01942976750433445 to:0.017841050401329994 with:0.016065247356891632\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['balloon']\n",
"<unk>:0.15613006055355072 was:0.06692100316286087 and:0.061125498265028 is:0.0574556402862072 to:0.029499445110559464 in:0.026730427518486977 the:0.022611377760767937 with:0.021331913769245148\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['billn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['application']\n",
"of:0.22885490953922272 for:0.16422919929027557 to:0.13051840662956238 <unk>:0.07423597574234009 and:0.03952235355973244 in:0.02922949567437172 was:0.0194814782589674 is:0.01871727965772152\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['telln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['these']\n",
"<unk>:0.19787919521331787 are:0.03109699860215187 men:0.02476704865694046 things:0.01615901105105877 two:0.015082272700965405 were:0.014673557132482529 days:0.007715313229709864 people:0.0068898797035217285\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['jn']\n",
"<unk>:0.2379665970802307 the:0.1023774966597557 a:0.04142600670456886 and:0.020717279985547066 this:0.015181325376033783 chancery:0.009197486564517021 n:0.008800751529633999 it:0.008773482404649258\n",
"['phamn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['theirn']\n",
"<unk>:0.18050238490104675 and:0.009713971987366676 feet:0.004620844963937998 to:0.004466369282454252 the:0.004267761018127203 men:0.0042529478669166565 votes:0.004191650077700615 </s>:0.003551966045051813\n",
"['tontheir']\n",
"<unk>:0.10538144409656525 own:0.04507908225059509 respective:0.02395634725689888 homes:0.022577650845050812 home:0.01315387524664402 friends:0.009698568843305111 untimely:0.008312925696372986 credit:0.007563561201095581\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['registra']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['lo']\n",
"<unk>:0.24012400209903717 the:0.08940427005290985 be:0.031204646453261375 a:0.0245724618434906 have:0.00914778746664524 do:0.00826001912355423 tho:0.007926453836262226 ncated:0.007492415606975555\n",
"['e']\n",
"<unk>:0.3054422438144684 ft:0.016973424702882767 of:0.01695161685347557 feet:0.015774786472320557 a:0.015113754197955132 and:0.012072003446519375 m:0.01184568740427494 h:0.011433434672653675\n",
"['availn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['brim']\n",
"<unk>:0.17154471576213837 of:0.1045374721288681 and:0.10024634748697281 with:0.05417868494987488 in:0.029679346829652786 the:0.020106328651309013 is:0.018523817881941795 was:0.016593370586633682\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['rath']\n",
"ner:0.38441604375839233 <unk>:0.15376664698123932 and:0.03624887391924858 of:0.015518013387918472 ners:0.014412282966077328 was:0.012926272116601467 the:0.011026525869965553 r:0.009395617060363293\n",
"['substance']\n",
"of:0.22309193015098572 that:0.10426414757966995 <unk>:0.0765538364648819 and:0.047818444669246674 which:0.03195597231388092 the:0.029223255813121796 as:0.02773699164390564 to:0.019276583567261696\n",
"['act']\n",
"of:0.21047373116016388 <unk>:0.09759248048067093 to:0.05823735147714615 and:0.04030987620353699 as:0.035280488431453705 shall:0.030613772571086884 in:0.022981656715273857 the:0.017613833770155907\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['wheel']\n",
"<unk>:0.13812172412872314 and:0.10129515826702118 of:0.06948727369308472 the:0.03590322658419609 was:0.023153536021709442 ning:0.023090580478310585 in:0.022459888830780983 is:0.019588658586144447\n",
"['speaking']\n",
"of:0.2841765880584717 <unk>:0.13879160583019257 to:0.0538078248500824 in:0.044202182441949844 the:0.0399588868021965 for:0.025137627497315407 and:0.02179097570478916 as:0.017234183847904205\n",
"['kind']\n",
"of:0.3214530646800995 <unk>:0.11386793851852417 and:0.06767059117555618 in:0.024704325944185257 to:0.02292669378221035 that:0.017806541174650192 or:0.015447444282472134 the:0.012506583705544472\n",
"['links']\n",
"to:0.40509408712387085 thence:0.12411274015903473 <unk>:0.08842699229717255 of:0.02434619702398777 and:0.023266233503818512 from:0.0169436726719141 in:0.01680844835937023 west:0.01003294624388218\n",
"['regarded']\n",
"as:0.4270970821380615 by:0.09374699741601944 <unk>:0.06743364781141281 the:0.04246421903371811 a:0.018953049555420876 with:0.018935542553663254 in:0.017573999240994453 and:0.016442498192191124\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['millern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['should']\n",
"be:0.32915517687797546 <unk>:0.12762056291103363 not:0.0771702229976654 have:0.044952332973480225 bo:0.023956747725605965 he:0.015302123501896858 the:0.010673433542251587 do:0.0077361175790429115\n",
"['place']\n",
"of:0.1621199995279312 <unk>:0.0920373722910881 in:0.08766961842775345 and:0.051712796092033386 the:0.0436958447098732 to:0.034682951867580414 for:0.02837119624018669 on:0.026366619393229485\n",
"['off']\n",
"the:0.15217430889606476 <unk>:0.13625852763652802 and:0.05728655681014061 to:0.03504517674446106 in:0.032275281846523285 a:0.03211448714137077 with:0.02490657940506935 from:0.022786375135183334\n",
"['inter']\n",
"<unk>:0.2556433081626892 nest:0.15825249254703522 nesting:0.1335878223180771 nested:0.09200702607631683 nests:0.028771765530109406 nnational:0.023029038682579994 and:0.01908053830265999 ocean:0.011488079093396664\n",
"['bis']\n",
"<unk>:0.26358404755592346 own:0.020664537325501442 wife:0.017568306997418404 nmarck:0.01208584476262331 life:0.007653550244867802 family:0.007167509291321039 hand:0.006558094639331102 father:0.00649074325338006\n",
"['staten']\n",
"island:0.39495372772216797 <unk>:0.15716588497161865 of:0.02116451784968376 and:0.01921260915696621 the:0.01512856874614954 a:0.011054410599172115 is:0.009674263186752796 c:0.007504778448492289\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['passedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['system']\n",
"of:0.22440679371356964 <unk>:0.09338471293449402 is:0.04298856481909752 and:0.04166010394692421 in:0.031985849142074585 the:0.030833227559924126 which:0.01784548908472061 as:0.0168596338480711\n",
"['heavynshwtks']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['uponnthe']\n",
"<unk>:0.09476309269666672 property:0.014527500607073307 ground:0.012968671508133411 subject:0.012172428891062737 state:0.009648938663303852 same:0.008312231861054897 following:0.008081091567873955 question:0.006666217930614948\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['bitn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['carried']\n",
"<unk>:0.1234770342707634 on:0.12219582498073578 out:0.10508522391319275 to:0.053472213447093964 in:0.04582728073000908 the:0.04569260776042938 a:0.03622619807720184 by:0.03249271959066391\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['oscar']\n",
"<unk>:0.37792953848838806 and:0.029399657621979713 f:0.02588031068444252 e:0.0194514449685812 m:0.018051877617836 w:0.016336694359779358 p:0.014406753703951836 h:0.014149157330393791\n",
"['fish']\n",
"<unk>:0.15230359137058258 and:0.08294160664081573 in:0.03388766571879387 is:0.025873417034745216 of:0.020327547565102577 are:0.01947290450334549 the:0.017991382628679276 from:0.01244956161826849\n",
"['lastn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['immense']\n",
"<unk>:0.2528414726257324 amount:0.0630243718624115 and:0.017485076561570168 number:0.014204385690391064 crowd:0.012921701185405254 quantity:0.010373050346970558 quantities:0.01027955487370491 sums:0.01014050655066967\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['tondelay']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['becausenof']\n",
"the:0.5025532841682434 his:0.04758067801594734 a:0.04668436944484711 its:0.037723392248153687 <unk>:0.03530699759721756 their:0.02183876745402813 any:0.018904827535152435 tho:0.01834564469754696\n",
"['pope']\n",
"<unk>:0.21976077556610107 and:0.08200078457593918 the:0.023728810250759125 of:0.02313915826380253 is:0.019948609173297882 was:0.018965711817145348 to:0.01768411695957184 has:0.016145478934049606\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['investing']\n",
"the:0.19426700472831726 <unk>:0.1446928232908249 in:0.11994586884975433 a:0.04038025066256523 it:0.01896001026034355 his:0.016193285584449768 and:0.015952179208397865 with:0.012174002826213837\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['future']\n",
"<unk>:0.16096429526805878 of:0.048535022884607315 and:0.03225822374224663 the:0.031176256015896797 to:0.03028016909956932 in:0.01441523339599371 is:0.013328217901289463 it:0.011941500008106232\n",
"['him']\n",
"<unk>:0.10401047766208649 to:0.10037162899971008 and:0.06415976583957672 in:0.04259955883026123 the:0.02874256856739521 a:0.02758781798183918 that:0.0228275079280138 as:0.02206616848707199\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['nations']\n",
"of:0.12534891068935394 <unk>:0.11140291392803192 and:0.07333939522504807 to:0.03282542899250984 are:0.03041054494678974 in:0.02994605340063572 the:0.02371901459991932 as:0.01542198657989502\n",
"['thirtytwo']\n",
"<unk>:0.14028958976268768 feet:0.07132354378700256 and:0.059330448508262634 years:0.04599543288350105 of:0.039500195533037186 in:0.03382972255349159 miles:0.024123521521687508 the:0.02013872191309929\n",
"['savings']\n",
"banks:0.22079028189182281 bank:0.17728380858898163 <unk>:0.17123815417289734 and:0.07112900912761688 of:0.05307164788246155 as:0.008627701550722122 stamps:0.007927498780190945 department:0.007878581061959267\n",
"['tlmo']\n",
"<unk>:0.08257154375314713 to:0.0648612305521965 of:0.04694460332393646 and:0.04032934829592705 in:0.03078298643231392 he:0.0248907171189785 the:0.020396746695041656 before:0.019504046067595482\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['grace']\n",
"<unk>:0.20938347280025482 and:0.1119295209646225 of:0.09862290322780609 to:0.031759113073349 the:0.02688818797469139 that:0.0155955720692873 in:0.012910639867186546 i:0.011840138584375381\n",
"['irgmiii']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['inno']\n",
"<unk>:0.29491135478019714 ncent:0.23216770589351654 the:0.012298823334276676 and:0.009896151721477509 in:0.008523407392203808 a:0.007212952245026827 more:0.004126278217881918 i:0.0038181617856025696\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['consequently']\n",
"<unk>:0.12391045689582825 the:0.11439783871173859 it:0.034646015614271164 he:0.027973933145403862 a:0.02266649529337883 they:0.020321564748883247 i:0.0157978143543005 all:0.014062274247407913\n",
"['youngn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['than']\n",
"<unk>:0.1189335286617279 the:0.09955327957868576 a:0.0481162890791893 any:0.034569866955280304 in:0.02920665591955185 that:0.02609132044017315 one:0.02373056858778 to:0.022401196882128716\n",
"['engrafting']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['strongn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['negron']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['so']\n",
"<unk>:0.16613399982452393 that:0.06904952228069305 much:0.055355582386255264 far:0.03518113121390343 long:0.02733159437775612 many:0.025362104177474976 as:0.025081202387809753 the:0.01576620154082775\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['own']\n",
"<unk>:0.23776616156101227 and:0.019493885338306427 way:0.010599414817988873 country:0.009475406259298325 hands:0.009123286232352257 the:0.008433960378170013 life:0.007136883679777384 state:0.0068635884672403336\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['city']\n",
"of:0.1702234297990799 <unk>:0.14746426045894623 and:0.07025923579931259 in:0.027942821383476257 the:0.01994224824011326 to:0.019134199246764183 is:0.017169617116451263 at:0.012862109579145908\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['suchn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['every']\n",
"<unk>:0.23462125658988953 one:0.04778020456433296 man:0.028334468603134155 day:0.022682832553982735 year:0.015883589163422585 part:0.015615013428032398 way:0.01469524297863245 person:0.01305829081684351\n",
"['rooms']\n",
"<unk>:0.10485054552555084 and:0.09888216108083725 of:0.0923788920044899 in:0.06998393684625626 are:0.02831738255918026 were:0.027955187484622 on:0.02650112845003605 at:0.02192569710314274\n",
"['conntribute']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['very']\n",
"<unk>:0.18920128047466278 much:0.046165455132722855 large:0.02494051121175289 few:0.024935835972428322 little:0.023538755252957344 well:0.010837982408702374 good:0.010653076693415642 small:0.009574977681040764\n",
"['consitution']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['now']\n",
"<unk>:0.14582782983779907 in:0.04832162708044052 the:0.024043085053563118 and:0.021647101268172264 that:0.019400129094719887 a:0.017484351992607117 to:0.014732500538229942 on:0.013634675182402134\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['d']\n",
"<unk>:0.1823853850364685 and:0.030857712030410767 c:0.0260486863553524 at:0.024374715983867645 day:0.022269204258918762 </s>:0.02111203595995903 in:0.017021462321281433 to:0.01700870878994465\n",
"['hungernhe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['d']\n",
"<unk>:0.1823853850364685 and:0.030857712030410767 c:0.0260486863553524 at:0.024374715983867645 day:0.022269204258918762 </s>:0.02111203595995903 in:0.017021462321281433 to:0.01700870878994465\n",
"['againstnthurman']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['whenn']\n",
"<unk>:0.11437060683965683 the:0.034170929342508316 he:0.02327289991080761 be:0.020460767671465874 had:0.013797661289572716 i:0.011405369266867638 in:0.00983867421746254 was:0.008698574267327785\n",
"['arsd']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['yel']\n",
"nlow:0.5708383917808533 <unk>:0.15763403475284576 the:0.022049596533179283 of:0.014724929817020893 a:0.008042499423027039 to:0.00801826361566782 it:0.005917571019381285 in:0.005204908084124327\n",
"['proceedings']\n",
"of:0.13589446246623993 <unk>:0.08833574503660202 in:0.08779639005661011 and:0.05068754032254219 to:0.045977041125297546 at:0.03276856243610382 on:0.02561153843998909 against:0.024055887013673782\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['board']\n",
"of:0.33197593688964844 <unk>:0.09805454313755035 and:0.04329625889658928 the:0.03652787208557129 to:0.024117548018693924 shall:0.021888839080929756 in:0.014135812409222126 was:0.012551464140415192\n",
"['brought']\n",
"to:0.1577845960855484 <unk>:0.11272507905960083 into:0.04868864268064499 in:0.04757968336343765 the:0.03918474167585373 up:0.036154210567474365 out:0.02716759592294693 a:0.025393454357981682\n",
"['arc']\n",
"<unk>:0.16354450583457947 not:0.04683997854590416 the:0.02609177865087986 in:0.022724071517586708 to:0.015107739716768265 lights:0.01287749968469143 now:0.011877624318003654 hereby:0.011854884214699268\n",
"['earlyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['year']\n",
"<unk>:0.10469277203083038 and:0.056088417768478394 the:0.04131815955042839 of:0.037331853061914444 ago:0.03151138499379158 to:0.02852758578956127 in:0.02676059864461422 or:0.021463755518198013\n",
"['tlie']\n",
"<unk>:0.28665974736213684 said:0.006603588350117207 most:0.0061782305128872395 same:0.00576044712215662 first:0.005485737696290016 united:0.005236669909209013 city:0.005191551521420479 state:0.004298205021768808\n",
"['witln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['buildingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['encroschmr']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['buay']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['stranger']\n",
"<unk>:0.11403971165418625 to:0.07547203451395035 and:0.05302727222442627 in:0.04136468842625618 who:0.03426095470786095 was:0.01576342061161995 the:0.01475075725466013 had:0.013821919448673725\n",
"['jutlg']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['whose']\n",
"<unk>:0.2206125110387802 names:0.0377105288207531 name:0.023091157898306847 duty:0.015646476298570633 hands:0.00897541455924511 life:0.0068913837894797325 postoffice:0.006268204655498266 business:0.0046699498780071735\n",
"['fuithernresolved']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['placed']\n",
"in:0.27425485849380493 on:0.11751530319452286 <unk>:0.07776811718940735 upon:0.038203734904527664 the:0.03621581569314003 at:0.03156297281384468 a:0.020165234804153442 under:0.018053438514471054\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['pripcipa']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['inde']\n",
"<unk>:0.5168725848197937 npendent:0.3200047016143799 in:0.011794277466833591 and:0.006548803299665451 a:0.003867026884108782 </s>:0.0025088414549827576 of:0.0023443028330802917 the:0.001874139765277505\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['zephvrnlor']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['littlen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['tilng']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['june']\n",
"<unk>:0.13447435200214386 a:0.06306979805231094 th:0.04587117210030556 and:0.04523638263344765 n:0.03146602585911751 the:0.029900094494223595 at:0.02514147385954857 </s>:0.019259337335824966\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['buildingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['too']\n",
"<unk>:0.18147820234298706 much:0.09218698740005493 late:0.02721041440963745 long:0.02395564876496792 many:0.02172279916703701 far:0.01422102004289627 small:0.01405904721468687 great:0.012681767344474792\n",
"['warthog']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['continued']\n",
"to:0.17836101353168488 <unk>:0.15919999778270721 in:0.05062500014901161 the:0.05013390630483627 and:0.027030594646930695 for:0.026308538392186165 until:0.024928800761699677 with:0.016308002173900604\n",
"['liquors']\n",
"and:0.07010312378406525 in:0.05350528284907341 <unk>:0.048485781997442245 or:0.04802414029836655 for:0.03094547986984253 are:0.03044607862830162 of:0.02428797073662281 to:0.023310303688049316\n",
"['carpathians']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['gat']\n",
"<unk>:0.06810780614614487 a:0.06080362945795059 the:0.02816971391439438 no:0.016308782622218132 to:0.014521359466016293 up:0.014505871571600437 and:0.01284799724817276 n:0.011424303986132145\n",
"['knees']\n",
"and:0.21474184095859528 <unk>:0.1286916583776474 in:0.04828920215368271 to:0.027471818029880524 on:0.019912175834178925 the:0.018427494913339615 at:0.016566939651966095 with:0.015901539474725723\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['yet']\n",
"<unk>:0.13702332973480225 the:0.06615079939365387 it:0.04126233607530594 been:0.04086830094456673 to:0.02794298529624939 in:0.027834312990307808 he:0.023330479860305786 we:0.02063962072134018\n",
"['honorable']\n",
"<unk>:0.2024093121290207 and:0.05221924930810928 to:0.024880072101950645 man:0.022321397438645363 body:0.021415986120700836 discharge:0.019070666283369064 men:0.015586874447762966 in:0.01524034608155489\n",
"['when']\n",
"the:0.16828003525733948 <unk>:0.12202559411525726 he:0.07795543968677521 it:0.04665255546569824 they:0.04447968304157257 i:0.03665892779827118 a:0.034122008830308914 we:0.031840745359659195\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['still']\n",
"<unk>:0.1920652836561203 in:0.049218226224184036 the:0.029427172616124153 a:0.02834741212427616 more:0.02470806986093521 be:0.020617518573999405 he:0.011551545932888985 there:0.010213743895292282\n",
"['concedes']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['temples']\n",
"and:0.14803171157836914 of:0.09836767613887787 <unk>:0.07392376661300659 or:0.03948722779750824 in:0.03321608528494835 which:0.026353077962994576 the:0.018139775842428207 for:0.017388619482517242\n",
"['ordained']\n",
"by:0.2877318263053894 that:0.17138800024986267 and:0.04715283215045929 <unk>:0.04525800421833992 to:0.027179893106222153 in:0.019699670374393463 thatnafter:0.01550755649805069 as:0.013422878459095955\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['perhap']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['see']\n",
"the:0.1387183666229248 <unk>:0.11348575353622437 that:0.08976425975561142 it:0.03648821637034416 a:0.03625258430838585 what:0.031284600496292114 how:0.029784224927425385 him:0.028021840378642082\n",
"['fanciful']\n",
"<unk>:0.5496782064437866 in:0.032872263342142105 and:0.030423030257225037 the:0.02244526706635952 of:0.011995161883533001 to:0.010791693814098835 or:0.01004553772509098 that:0.0093361372128129\n",
"['native']\n",
"<unk>:0.23811839520931244 of:0.14196856319904327 land:0.035035017877817154 state:0.017200713977217674 and:0.014905695803463459 country:0.014328529126942158 people:0.008689047768712044 to:0.008596605621278286\n",
"['mary']\n",
"<unk>:0.4699006974697113 a:0.024982299655675888 and:0.018956312909722328 e:0.015719231218099594 m:0.011884775012731552 c:0.008689885027706623 ann:0.00841091014444828 l:0.008117393590509892\n",
"['constitutional']\n",
"<unk>:0.18029962480068207 amendment:0.09492835402488708 convention:0.03612783923745155 rights:0.033511143177747726 provisions:0.028849918395280838 power:0.02494829334318638 right:0.020014768466353416 and:0.016959531232714653\n",
"['side']\n",
"of:0.3658404052257538 <unk>:0.08059342205524445 and:0.054746244102716446 by:0.023162543773651123 the:0.019589869305491447 to:0.017840955406427383 ofnthe:0.016751183196902275 in:0.015321542508900166\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['god']\n",
"<unk>:0.1425171047449112 and:0.07384342700242996 is:0.030345724895596504 of:0.025021906942129135 in:0.02274392358958721 for:0.0226577278226614 that:0.01978190615773201 to:0.018639665096998215\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['their']\n",
"<unk>:0.2757183611392975 own:0.03195241093635559 respective:0.008069413714110851 way:0.0063335346058011055 hands:0.006281290203332901 lives:0.005959530360996723 work:0.005697461310774088 heads:0.0044787367805838585\n",
"['americansn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['concurrent']\n",
"jurisdiction:0.19452090561389923 resolution:0.16891585290431976 <unk>:0.07938306778669357 law:0.014645684510469437 bill:0.007357153110206127 and:0.005384605377912521 property:0.005222615320235491 resolutions:0.00521180359646678\n",
"['plaster']\n",
"<unk>:0.1260322779417038 of:0.07529952377080917 and:0.054882727563381195 is:0.019618799909949303 in:0.01850813999772072 was:0.017683614045381546 on:0.017668703570961952 that:0.015369109809398651\n",
"['millions']\n",
"of:0.5089793801307678 <unk>:0.08686675876379013 in:0.03433814272284508 and:0.024562301114201546 to:0.020530128851532936 ofndollars:0.013309632427990437 the:0.012656480073928833 a:0.012079414911568165\n",
"['slicen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['besidesnthe']\n",
"<unk>:0.07049883902072906 sum:0.013105855323374271 fact:0.0111323781311512 business:0.010422381572425365 people:0.008687674067914486 cost:0.0072675165720283985 work:0.007077864371240139 time:0.005611396860331297\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['their']\n",
"<unk>:0.2757183611392975 own:0.03195241093635559 respective:0.008069413714110851 way:0.0063335346058011055 hands:0.006281290203332901 lives:0.005959530360996723 work:0.005697461310774088 heads:0.0044787367805838585\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['bridge']\n",
"<unk>:0.15305031836032867 and:0.09328052401542664 across:0.030213292688131332 over:0.02849455736577511 in:0.0271346103399992 of:0.026730136945843697 the:0.02616724744439125 at:0.025913678109645844\n",
"['bou']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rn']\n",
"<unk>:0.22793783247470856 the:0.03083169274032116 e:0.023830655962228775 a:0.01924695074558258 of:0.013921552337706089 n:0.013235156424343586 and:0.012981511652469635 r:0.012228303588926792\n",
"['untilntlie']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['isnfour']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['pro']\n",
"<unk>:0.4403158128261566 nvisions:0.0725899487733841 nceedings:0.07007888704538345 nvided:0.048029251396656036 ntection:0.040083352476358414 nduced:0.02273876778781414 nduction:0.017649641260504723 nposed:0.013829520903527737\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['innenglish']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['party']\n",
"<unk>:0.14315254986286163 of:0.0752062276005745 and:0.05126910284161568 in:0.04879795387387276 to:0.04177085682749748 is:0.02072826400399208 the:0.01884854957461357 who:0.0182166900485754\n",
"['more']\n",
"than:0.19699864089488983 <unk>:0.16920992732048035 or:0.03894995525479317 of:0.019799329340457916 to:0.01648719608783722 and:0.014404811896383762 in:0.011601983569562435 thann:0.007835574448108673\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['s']\n",
"<unk>:0.24743959307670593 and:0.022346865385770798 a:0.020876672118902206 c:0.02086692675948143 s:0.018633587285876274 w:0.015286792069673538 n:0.014412941411137581 to:0.014249380677938461\n",
"['field']\n",
"<unk>:0.13162080943584442 of:0.1175060048699379 and:0.08107423037290573 in:0.033527616411447525 the:0.027167940512299538 to:0.02441946417093277 for:0.024281350895762444 notes:0.01781427301466465\n",
"['youngn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tui']\n",
"<unk>:0.4073118269443512 and:0.02667817287147045 a:0.022899843752384186 the:0.01167061273008585 in:0.01049190852791071 i:0.00893824640661478 </s>:0.00803832896053791 n:0.007747157476842403\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['putlnlaws']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['xn']\n",
"<unk>:0.2223426103591919 feet:0.024105330929160118 and:0.022555191069841385 the:0.02117936685681343 c:0.018621409311890602 at:0.013783425092697144 a:0.013398479670286179 per:0.013026558794081211\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['thatncynic']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['teamnhe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['wouldnbe']\n",
"a:0.0893414318561554 <unk>:0.07157962024211884 the:0.028610408306121826 to:0.02761455625295639 an:0.01659753918647766 in:0.014744071289896965 more:0.014150143601000309 able:0.013422497548162937\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['voluntarily']\n",
"<unk>:0.189332976937294 and:0.0492376834154129 to:0.04731658846139908 of:0.01605869084596634 at:0.011418038047850132 the:0.008407378569245338 had:0.007590100634843111 in:0.006651732604950666\n",
"['country']\n",
"<unk>:0.11966928094625473 and:0.07137807458639145 in:0.03494032099843025 is:0.034728653728961945 to:0.03073720633983612 the:0.026472346857190132 that:0.016115514561533928 has:0.01602117158472538\n",
"['naturalized']\n",
"<unk>:0.16735602915287018 citizens:0.15152254700660706 citizen:0.09485211968421936 and:0.08735229820013046 the:0.026891330257058144 in:0.02171148546040058 by:0.013160872273147106 or:0.011990929953753948\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['onn']\n",
"<unk>:0.2573271095752716 the:0.054543156176805496 a:0.028942041099071503 of:0.028793184086680412 th:0.025362007319927216 i:0.014007133431732655 bbl:0.012129217386245728 and:0.011664386838674545\n",
"['practicallyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['officer']\n",
"<unk>:0.14353439211845398 of:0.1221449226140976 and:0.05251790210604668 in:0.05168623477220535 who:0.04878589138388634 or:0.03177293762564659 to:0.026590697467327118 was:0.017752010375261307\n",
"['treasures']\n",
"of:0.2301557958126068 <unk>:0.13674239814281464 and:0.06776512414216995 in:0.0409061461687088 the:0.017424358054995537 that:0.014721409417688847 to:0.013476395979523659 for:0.013332074508070946\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['plan']\n",
"of:0.18550391495227814 <unk>:0.09495645016431808 to:0.059804096817970276 is:0.0507323294878006 for:0.048566583544015884 and:0.03237442672252655 was:0.027355981990695 in:0.016181519255042076\n",
"['caught']\n",
"<unk>:0.12292120605707169 in:0.10735425353050232 the:0.08534199744462967 by:0.04577980563044548 a:0.041038163006305695 him:0.031152628362178802 up:0.026579901576042175 his:0.025754736736416817\n",
"['ma']\n",
"<unk>:0.24550622701644897 nterial:0.06188717857003212 njority:0.048428431153297424 nchine:0.04648787900805473 nchinery:0.033982664346694946 sed:0.022802483290433884 and:0.022136740386486053 nking:0.019423123449087143\n",
"['cats']\n",
"and:0.1430906355381012 <unk>:0.11594144999980927 in:0.053377509117126465 are:0.03415310010313988 to:0.0332622230052948 were:0.02144833840429783 but:0.016485420987010002 the:0.014978409744799137\n",
"['butn']\n",
"<unk>:0.08106812834739685 the:0.03645205497741699 a:0.032973356544971466 dollars:0.021973079070448875 of:0.013894089497625828 cents:0.013693789951503277 i:0.01256971713155508 oclock:0.011718197725713253\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['william']\n",
"<unk>:0.32842379808425903 h:0.034885045140981674 a:0.024820499122142792 j:0.022199295461177826 p:0.021208932623267174 e:0.019235720857977867 and:0.018346723169088364 f:0.017166532576084137\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['themn']\n",
"<unk>:0.18030020594596863 the:0.04245711490511894 to:0.03838018700480461 and:0.030040519312024117 in:0.021045392379164696 of:0.018475448712706566 i:0.015752803534269333 as:0.014778573997318745\n",
"['statesnabout']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['moren']\n",
"<unk>:0.29691845178604126 a:0.039466988295316696 the:0.034567661583423615 to:0.026979291811585426 in:0.026033572852611542 and:0.011781788431107998 he:0.010295775718986988 an:0.007033352740108967\n",
"['little']\n",
"<unk>:0.24557887017726898 girl:0.025172490626573563 more:0.019780097529292107 of:0.01807580143213272 in:0.01266819890588522 to:0.012459754943847656 and:0.011518032290041447 or:0.010145704261958599\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['moderncatalincs']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tho']\n",
"<unk>:0.30005934834480286 most:0.0052360850386321545 first:0.004940597806125879 state:0.004865132737904787 united:0.0044953906908631325 city:0.004085723310709 same:0.004075611010193825 other:0.004045554436743259\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['justifica']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rai']\n",
"<unk>:0.3514213263988495 and:0.024801364168524742 the:0.015186353586614132 r:0.015074043534696102 s:0.01088680513203144 a:0.010355640202760696 of:0.01005904097110033 e:0.00985625945031643\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['striken']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['ell']\n",
"<unk>:0.22152210772037506 the:0.05801839753985405 and:0.0454835407435894 a:0.031954336911439896 to:0.029325226321816444 of:0.01936017908155918 in:0.011829748749732971 it:0.01155951526015997\n",
"['annual']\n",
"<unk>:0.219278946518898 meeting:0.0435657799243927 tax:0.04142278805375099 report:0.035192329436540604 installments:0.02832266315817833 instalments:0.020665224641561508 convention:0.02000800520181656 income:0.017834383994340897\n",
"['witnessnthat']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['nn']\n",
"<unk>:0.36405232548713684 deg:0.01569123938679695 the:0.015511632896959782 a:0.013438321650028229 e:0.010667050257325172 hour:0.009103769436478615 i:0.008815512992441654 in:0.00836935080587864\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['buildings']\n",
"<unk>:0.12916859984397888 and:0.11757335066795349 in:0.04996200278401375 are:0.04407764598727226 of:0.03563776984810829 on:0.03012019954621792 were:0.02095046266913414 thereon:0.020851807668805122\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['nstance']\n",
"of:0.14015822112560272 the:0.08396179229021072 <unk>:0.07727371901273727 in:0.06979847699403763 he:0.03215432167053223 that:0.030272487550973892 to:0.026061706244945526 is:0.025833431631326675\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['undertaken']\n",
"to:0.19528734683990479 by:0.11366171389818192 <unk>:0.0848003625869751 in:0.08430566638708115 and:0.05127660930156708 the:0.04102668538689613 for:0.031130392104387283 a:0.029286358505487442\n",
"['iien']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['arms']\n",
"and:0.17164602875709534 <unk>:0.14876289665699005 of:0.07497237622737885 in:0.032561495900154114 to:0.031109251081943512 the:0.028154738247394562 at:0.017138268798589706 as:0.01379337627440691\n",
"['sensations']\n",
"of:0.13717861473560333 <unk>:0.09143365919589996 and:0.07079467177391052 in:0.053197506815195084 that:0.026511063799262047 the:0.019172562286257744 have:0.014361374080181122 are:0.014264541678130627\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['enable']\n",
"the:0.1597292125225067 them:0.1450052112340927 him:0.1261458545923233 us:0.06854567676782608 <unk>:0.06013466790318489 me:0.026472050696611404 himnto:0.023440638557076454 it:0.021721377968788147\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['these']\n",
"<unk>:0.19787919521331787 are:0.03109699860215187 men:0.02476704865694046 things:0.01615901105105877 two:0.015082272700965405 were:0.014673557132482529 days:0.007715313229709864 people:0.0068898797035217285\n",
"['tacklen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['outn']\n",
"<unk>:0.15138138830661774 the:0.08382200449705124 a:0.048798032104969025 of:0.04705190658569336 and:0.026952380314469337 to:0.015099123120307922 in:0.01388599444180727 feet:0.01363303977996111\n",
"['thentongue']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rolled']\n",
"<unk>:0.1608126163482666 up:0.09071427583694458 over:0.06716926395893097 into:0.05970701202750206 in:0.04823733866214752 down:0.03557036072015762 the:0.031982582062482834 and:0.03189312294125557\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['j']\n",
"<unk>:0.2886352837085724 w:0.03490549325942993 h:0.03352547436952591 m:0.030452890321612358 a:0.02782146818935871 c:0.025676563382148743 j:0.020685404539108276 b:0.01717091165482998\n",
"['yatjui']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['earthn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['you']\n",
"<unk>:0.13895928859710693 are:0.05453449860215187 have:0.04940473288297653 will:0.04826496168971062 can:0.02910381741821766 to:0.021997731178998947 know:0.018536847084760666 and:0.018030114471912384\n",
"['write']\n",
"<unk>:0.11353782564401627 to:0.10102531313896179 a:0.07620570063591003 the:0.059409771114587784 and:0.04224589839577675 it:0.032581742852926254 in:0.023360732942819595 for:0.02278660424053669\n",
"['locations']\n",
"<unk>:0.10079656541347504 of:0.09325671195983887 and:0.07273180782794952 in:0.052048034965991974 on:0.05199279263615608 for:0.049277570098638535 at:0.02987862378358841 or:0.02524515613913536\n",
"['annual']\n",
"<unk>:0.219278946518898 meeting:0.0435657799243927 tax:0.04142278805375099 report:0.035192329436540604 installments:0.02832266315817833 instalments:0.020665224641561508 convention:0.02000800520181656 income:0.017834383994340897\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['whonit']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['piece']\n",
"of:0.4327418804168701 or:0.15125545859336853 <unk>:0.0933620035648346 and:0.027680441737174988 ornparcel:0.020867519080638885 in:0.010869961231946945 ot:0.010098334401845932 ofnthe:0.009217913262546062\n",
"['easily']\n",
"<unk>:0.22930625081062317 be:0.0660858079791069 and:0.047412578016519547 as:0.016830086708068848 in:0.015848271548748016 to:0.014698241837322712 have:0.009963355027139187 the:0.009808311238884926\n",
"['trees']\n",
"<unk>:0.10536855459213257 and:0.09147422015666962 are:0.05551404878497124 in:0.04933459684252739 of:0.02804701216518879 were:0.02679106593132019 which:0.02515476569533348 the:0.02004420757293701\n",
"['day']\n",
"of:0.3034079968929291 <unk>:0.08016764372587204 and:0.04774697870016098 the:0.025342067703604698 to:0.02038748562335968 in:0.020222947001457214 or:0.015532629564404488 at:0.015224823728203773\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['andnunbroken']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['voluntarily']\n",
"<unk>:0.189332976937294 and:0.0492376834154129 to:0.04731658846139908 of:0.01605869084596634 at:0.011418038047850132 the:0.008407378569245338 had:0.007590100634843111 in:0.006651732604950666\n",
"['fire']\n",
"<unk>:0.13876774907112122 and:0.0709451213479042 department:0.03802691400051117 in:0.03434949368238449 was:0.03053523786365986 of:0.028843851760029793 the:0.02561531960964203 to:0.02323278598487377\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['electing']\n",
"a:0.1728004366159439 <unk>:0.1532798409461975 the:0.07810705900192261 him:0.031184552237391472 to:0.028047636151313782 men:0.017205066978931427 delegates:0.016591941937804222 an:0.015858246013522148\n",
"['scared']\n",
"<unk>:0.11137636005878448 to:0.07631117850542068 and:0.05801864713430405 the:0.04957116022706032 with:0.0313287116587162 from:0.019739201292395592 on:0.016535406932234764 it:0.016362296417355537\n",
"['theyn']\n",
"<unk>:0.11901931464672089 are:0.03142045438289642 will:0.02291155233979225 have:0.022116614505648613 e:0.01566181145608425 be:0.011756310239434242 had:0.011178616434335709 were:0.010471377521753311\n",
"['ncy']\n",
"of:0.11553510278463364 <unk>:0.08727344870567322 and:0.05500845983624458 to:0.03192748501896858 the:0.03125717490911484 in:0.0258879903703928 was:0.019797824323177338 for:0.016427913680672646\n",
"['circumstances']\n",
"<unk>:0.11761847883462906 of:0.07059615850448608 and:0.05445123463869095 that:0.03320271521806717 the:0.03223542496562004 in:0.02711467631161213 which:0.023966049775481224 to:0.023555684834718704\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['let']\n",
"us:0.14131540060043335 <unk>:0.12511198222637177 the:0.10148752480745316 me:0.061046916991472244 them:0.05915560945868492 him:0.05860207602381706 it:0.04895195737481117 her:0.013072960078716278\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['being']\n",
"<unk>:0.18178798258304596 the:0.05463423579931259 a:0.044204384088516235 in:0.03139527887105942 made:0.021438436582684517 done:0.010384885594248772 to:0.008472583256661892 of:0.007576572708785534\n",
"['unarmedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['prayer']\n",
"of:0.20436638593673706 <unk>:0.10794316977262497 and:0.06062915921211243 meeting:0.0397421270608902 for:0.032625824213027954 to:0.03135726600885391 ofnsaid:0.029660800471901894 by:0.022718682885169983\n",
"['conti']\n",
"<unk>:0.4768749475479126 nnent:0.10615767538547516 and:0.019377686083316803 of:0.010766580700874329 a:0.010341671295464039 to:0.00983770377933979 </s>:0.006892784032970667 n:0.006373652722686529\n",
"['suf']\n",
"nficient:0.47627976536750793 <unk>:0.30274561047554016 nfered:0.08143369108438492 nfering:0.07868699729442596 nfer:0.004977989476174116 and:0.003619977505877614 a:0.0014155723620206118 in:0.0012410726631060243\n",
"['heweighed']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['enter']\n",
"the:0.245468869805336 <unk>:0.14765633642673492 into:0.12692417204380035 upon:0.04743370786309242 a:0.04336933791637421 and:0.025552669540047646 on:0.017106803134083748 tho:0.013461434282362461\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['cucres']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hidden']\n",
"<unk>:0.14133794605731964 in:0.10307954996824265 from:0.03584635257720947 and:0.02749660797417164 by:0.02675364352762699 beneath:0.02345922775566578 sinews:0.01626439206302166 treasure:0.016120370477437973\n",
"['reads']\n",
"<unk>:0.1227165088057518 as:0.11542285233736038 the:0.10700758546590805 a:0.049806591123342514 and:0.03846082091331482 in:0.03155442699790001 it:0.02992900460958481 that:0.017295563593506813\n",
"['duty']\n",
"of:0.20347581803798676 to:0.12825889885425568 <unk>:0.08900058269500732 and:0.045945100486278534 in:0.034422874450683594 on:0.03252503275871277 as:0.02289576828479767 the:0.020435908809304237\n",
"['jgn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['schwartz']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['armstrong']\n",
"<unk>:0.24073031544685364 and:0.05540132895112038 of:0.040553897619247437 was:0.03099638782441616 who:0.024051092565059662 a:0.02036677487194538 county:0.01947447657585144 the:0.016612444072961807\n",
"['park']\n",
"<unk>:0.14520572125911713 and:0.08170365542173386 in:0.04701438173651695 the:0.02697892300784588 at:0.01956051029264927 to:0.018768511712551117 is:0.017991216853260994 on:0.014541393145918846\n",
"['case']\n",
"of:0.21579129993915558 <unk>:0.09454260766506195 the:0.05659665912389755 and:0.03820361942052841 is:0.031208554282784462 was:0.028804320842027664 in:0.024651508778333664 it:0.017255952581763268\n",
"['interest']\n",
"in:0.13301712274551392 of:0.08979444205760956 <unk>:0.08939780294895172 and:0.07081930339336395 at:0.04977995902299881 thereon:0.04924901947379112 on:0.04048746079206467 to:0.03960981220006943\n",
"['gor']\n",
"<unk>:0.3065158426761627 ndon:0.2852421700954437 nman:0.04488950967788696 and:0.03387919440865517 to:0.010670754127204418 of:0.0084754703566432 a:0.005207703914493322 </s>:0.004407593980431557\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['uitjnointnr']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['isn']\n",
"<unk>:0.1455436497926712 a:0.04267491027712822 and:0.04211031273007393 feet:0.031343743205070496 miles:0.023163456469774246 the:0.01933097466826439 to:0.018890809267759323 in:0.018090419471263885\n",
"['attributed']\n",
"to:0.5369400978088379 the:0.0682481899857521 <unk>:0.03498915582895279 in:0.024192335084080696 a:0.01948794350028038 by:0.018516050651669502 tonthe:0.008844809606671333 his:0.008639195002615452\n",
"['sysn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['onn']\n",
"<unk>:0.2573271095752716 the:0.054543156176805496 a:0.028942041099071503 of:0.028793184086680412 th:0.025362007319927216 i:0.014007133431732655 bbl:0.012129217386245728 and:0.011664386838674545\n",
"['ordinary']\n",
"<unk>:0.2629507780075073 and:0.01459957379847765 business:0.007737538777291775 circumstances:0.007248510140925646 way:0.0071929628029465675 man:0.006172054912894964 conditions:0.0053436183370649815 course:0.005015553440898657\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['when']\n",
"the:0.16828003525733948 <unk>:0.12202559411525726 he:0.07795543968677521 it:0.04665255546569824 they:0.04447968304157257 i:0.03665892779827118 a:0.034122008830308914 we:0.031840745359659195\n",
"['numerousn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['lull']\n",
"<unk>:0.20505592226982117 of:0.10653898119926453 and:0.05936962366104126 in:0.03096439316868782 the:0.019436737522482872 a:0.011992089450359344 to:0.010247312486171722 </s>:0.008116819895803928\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['mind']\n",
"<unk>:0.11170165240764618 that:0.07263562083244324 and:0.07195451110601425 of:0.0587562695145607 to:0.04741440340876579 the:0.03989575803279877 is:0.02963760681450367 in:0.019707677885890007\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['who']\n",
"<unk>:0.14465560019016266 are:0.05709322541952133 had:0.052187480032444 have:0.05192911997437477 was:0.03984886035323143 has:0.03698565065860748 is:0.0353294312953949 were:0.031020494177937508\n",
"['moreoverndecided']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sleptn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['after']\n",
"the:0.20441681146621704 <unk>:0.14804354310035706 a:0.06892264634370804 all:0.019622862339019775 his:0.01757059060037136 he:0.015803994610905647 this:0.01576254889369011 it:0.01468038558959961\n",
"['poison']\n",
"<unk>:0.15129193663597107 and:0.09549246728420258 the:0.056049495935440063 is:0.05372634902596474 in:0.047695692628622055 of:0.03956650570034981 to:0.037280406802892685 or:0.026641758158802986\n",
"['represents']\n",
"the:0.20714803040027618 <unk>:0.10910043865442276 a:0.09803932160139084 that:0.03684871271252632 this:0.02281559631228447 to:0.018452174961566925 it:0.018112827092409134 an:0.01692681387066841\n",
"['advantage']\n",
"of:0.35463064908981323 to:0.07662487775087357 <unk>:0.06327660381793976 in:0.04320569708943367 and:0.02919522300362587 over:0.02175203710794449 the:0.021747246384620667 that:0.015443254262208939\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['willn']\n",
"<unk>:0.16371458768844604 be:0.03393767401576042 e:0.03133251890540123 and:0.017202984541654587 </s>:0.015308918431401253 a:0.01495116576552391 le:0.012712489813566208 not:0.011774901300668716\n",
"['system']\n",
"of:0.22440679371356964 <unk>:0.09338471293449402 is:0.04298856481909752 and:0.04166010394692421 in:0.031985849142074585 the:0.030833227559924126 which:0.01784548908472061 as:0.0168596338480711\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['truth']\n",
"of:0.10708849877119064 and:0.09502265602350235 <unk>:0.09105148166418076 is:0.06346048414707184 that:0.04705824702978134 in:0.04604027047753334 the:0.022793933749198914 was:0.016242900863289833\n",
"['lie']\n",
"<unk>:0.19082199037075043 was:0.0506012886762619 is:0.027687251567840576 had:0.02734539285302162 has:0.021296484395861626 would:0.015584844164550304 said:0.011041154153645039 will:0.010796974413096905\n",
"['after']\n",
"the:0.20441681146621704 <unk>:0.14804354310035706 a:0.06892264634370804 all:0.019622862339019775 his:0.01757059060037136 he:0.015803994610905647 this:0.01576254889369011 it:0.01468038558959961\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['sumn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['nesting']\n",
"<unk>:0.079677052795887 to:0.04229667782783508 and:0.038628216832876205 by:0.025085285305976868 in:0.020864123478531837 at:0.015373613685369492 thing:0.011840966530144215 for:0.011343821883201599\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['remain']\n",
"in:0.18900243937969208 <unk>:0.11837366968393326 at:0.04919503256678581 as:0.03294581174850464 on:0.03150772303342819 a:0.030551526695489883 the:0.02117288112640381 and:0.020748892799019814\n",
"['steelnspring']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['whichnconduct']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['theyn']\n",
"<unk>:0.11901931464672089 are:0.03142045438289642 will:0.02291155233979225 have:0.022116614505648613 e:0.01566181145608425 be:0.011756310239434242 had:0.011178616434335709 were:0.010471377521753311\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['attorney']\n",
"<unk>:0.18806399405002594 general:0.1305810660123825 fees:0.055296458303928375 fee:0.05007515102624893 for:0.040568649768829346 of:0.03740500286221504 and:0.03122863546013832 in:0.025738157331943512\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['existing']\n",
"<unk>:0.10529531538486481 laws:0.0746200680732727 in:0.06715092062950134 between:0.049618642777204514 law:0.035642046481370926 conditions:0.03170923516154289 circumstances:0.02166227251291275 and:0.015561711974442005\n",
"['characn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thonexcellent']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['towards']\n",
"the:0.3157510757446289 <unk>:0.21989351511001587 a:0.027355507016181946 his:0.018113479018211365 them:0.014312763698399067 tho:0.01417457778006792 him:0.012176904827356339 us:0.011756679974496365\n",
"['havings']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ot']\n",
"the:0.22001349925994873 <unk>:0.19508947432041168 a:0.030033614486455917 this:0.01654713787138462 tho:0.016085060313344002 his:0.013413750566542149 tbe:0.011244924739003181 said:0.010236472822725773\n",
"['balesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['independence']\n",
"of:0.14555220305919647 <unk>:0.11476273834705353 and:0.0978958010673523 the:0.02471078746020794 is:0.02430342696607113 in:0.023284178227186203 that:0.019753940403461456 which:0.016421131789684296\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['corporationnmortgagee']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['jumped']\n",
"<unk>:0.12510913610458374 into:0.09869905561208725 from:0.08143313229084015 out:0.07565131038427353 to:0.07461124658584595 in:0.04723089560866356 up:0.04550228267908096 on:0.035847414284944534\n",
"['aripntlil']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['producenbutter']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['arc']\n",
"<unk>:0.16354450583457947 not:0.04683997854590416 the:0.02609177865087986 in:0.022724071517586708 to:0.015107739716768265 lights:0.01287749968469143 now:0.011877624318003654 hereby:0.011854884214699268\n",
"['newnand']\n",
"<unk>:0.09285474568605423 important:0.04457835480570793 very:0.021848095580935478 the:0.018129320815205574 more:0.01750403828918934 valuable:0.011484608054161072 a:0.008363401517271996 most:0.007681578863412142\n",
"['re']\n",
"<unk>:0.4849739074707031 nported:0.01689726673066616 nturn:0.01306796632707119 npublicans:0.012595686130225658 nturned:0.012481450103223324 nquired:0.012264815159142017 nport:0.011022060178220272 and:0.010753951966762543\n",
"['shouldn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['troubln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['late']\n",
"<unk>:0.1704479157924652 in:0.0488310232758522 of:0.04075794667005539 to:0.02663533203303814 years:0.023280499503016472 and:0.020396491512656212 war:0.02029147930443287 residence:0.019846849143505096\n",
"['within']\n",
"the:0.24297071993350983 <unk>:0.10984466224908829 a:0.0972370058298111 ten:0.034993305802345276 thirty:0.020747801288962364 three:0.01887228712439537 one:0.017096256837248802 five:0.016825739294290543\n",
"['than']\n",
"<unk>:0.1189335286617279 the:0.09955327957868576 a:0.0481162890791893 any:0.034569866955280304 in:0.02920665591955185 that:0.02609132044017315 one:0.02373056858778 to:0.022401196882128716\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['senate']\n",
"<unk>:0.1278994381427765 and:0.09594878554344177 to:0.0389629565179348 in:0.03517117351293564 the:0.030817637220025063 of:0.028352441266179085 on:0.020744362846016884 chamber:0.019042789936065674\n",
"['nail']\n",
"<unk>:0.17880254983901978 and:0.0981544777750969 in:0.031194528564810753 the:0.025701602920889854 on:0.024376235902309418 of:0.022731749340891838 with:0.021894093602895737 that:0.018810957670211792\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['youngn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['learning']\n",
"<unk>:0.13063298165798187 that:0.10198293626308441 the:0.0885261818766594 and:0.08136947453022003 of:0.07419833540916443 to:0.07220502197742462 in:0.031334489583969116 as:0.016934853047132492\n",
"['haven']\n",
"<unk>:0.1910519152879715 and:0.06397338211536407 the:0.020665904507040977 to:0.02045123651623726 conn:0.018477438017725945 of:0.01785210333764553 is:0.015589752234518528 a:0.013302822597324848\n",
"['menof']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['militian']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['went']\n",
"to:0.25687095522880554 <unk>:0.1244257241487503 on:0.05531398206949234 out:0.049175459891557693 into:0.046409618109464645 down:0.03710372745990753 in:0.024804536253213882 over:0.022362640127539635\n",
"['ijva']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['asnto']\n",
"the:0.23324233293533325 whether:0.04202982783317566 <unk>:0.03983127698302269 be:0.0389036126434803 have:0.01859269291162491 that:0.018542474135756493 make:0.01687638647854328 what:0.014719348400831223\n",
"['now']\n",
"<unk>:0.14582782983779907 in:0.04832162708044052 the:0.024043085053563118 and:0.021647101268172264 that:0.019400129094719887 a:0.017484351992607117 to:0.014732500538229942 on:0.013634675182402134\n",
"['madison']\n",
"<unk>:0.18697115778923035 in:0.05536225438117981 and:0.05471528321504593 county:0.043306514620780945 avenue:0.026922820135951042 to:0.021480374038219452 at:0.017987681552767754 the:0.015925606712698936\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['assist']\n",
"in:0.2530170977115631 the:0.1180192306637764 him:0.07571766525506973 <unk>:0.06598407030105591 them:0.056059371680021286 us:0.030192947015166283 nance:0.02942730486392975 it:0.019015103578567505\n",
"['lie']\n",
"<unk>:0.19082199037075043 was:0.0506012886762619 is:0.027687251567840576 had:0.02734539285302162 has:0.021296484395861626 would:0.015584844164550304 said:0.011041154153645039 will:0.010796974413096905\n",
"['down']\n",
"the:0.12659093737602234 to:0.1152196153998375 <unk>:0.1105494424700737 and:0.06293272972106934 in:0.04879021644592285 on:0.027861403301358223 with:0.02554458938539028 by:0.024915823712944984\n",
"['inet']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['resolved']\n",
"that:0.31988975405693054 to:0.2638462781906128 by:0.07004711776971817 <unk>:0.04855085909366608 on:0.021834973245859146 in:0.016369398683309555 and:0.012283788993954659 upon:0.010497577488422394\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['nsßossinn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['arbin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['game']\n",
"<unk>:0.11279260367155075 of:0.0817943587899208 and:0.06880635768175125 is:0.031810928136110306 was:0.030531035736203194 in:0.02704707905650139 the:0.026558097451925278 to:0.02205577865242958\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['alleged']\n",
"<unk>:0.26067396998405457 to:0.17671555280685425 that:0.10222801566123962 in:0.02394869364798069 the:0.009683915413916111 by:0.00905738864094019 tonhave:0.005847047548741102 and:0.005485077388584614\n",
"['descendant']\n",
"of:0.6334229111671448 <unk>:0.06248047947883606 and:0.03230180963873863 the:0.01769169606268406 a:0.012431622482836246 ofnthe:0.011982204392552376 for:0.010755118913948536 in:0.00956934504210949\n",
"['poor']\n",
"<unk>:0.2664012312889099 and:0.048423007130622864 man:0.04604875296354294 fellow:0.027682829648256302 to:0.014183607883751392 old:0.013481123372912407 people:0.012468809261918068 woman:0.012213842011988163\n",
"['all']\n",
"<unk>:0.15382647514343262 the:0.15087176859378815 of:0.04493704065680504 that:0.025463230907917023 over:0.013799985870718956 in:0.013027006760239601 who:0.011802621185779572 its:0.011572307907044888\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['stone']\n",
"<unk>:0.17111320793628693 and:0.06941759586334229 of:0.02722657285630703 at:0.024934818968176842 in:0.024291381239891052 the:0.018644709140062332 thence:0.018200311809778214 or:0.015484004281461239\n",
"['hand']\n",
"and:0.11958348006010056 <unk>:0.11460061371326447 of:0.04955815523862839 to:0.040818993002176285 the:0.03884553536772728 in:0.03654878959059715 on:0.019848324358463287 for:0.016269393265247345\n",
"['inen']\n",
"<unk>:0.09347518533468246 of:0.07456330209970474 in:0.05795427784323692 to:0.033081427216529846 and:0.01789897121489048 he:0.017478257417678833 on:0.016312437132000923 the:0.016118548810482025\n",
"['there']\n",
"is:0.21489956974983215 are:0.10645759105682373 was:0.09183706343173981 <unk>:0.07891882956027985 were:0.04505584016442299 will:0.03374265506863594 has:0.018656885251402855 and:0.013431165367364883\n",
"['memorialn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['run']\n",
"<unk>:0.13232813775539398 the:0.05151808634400368 in:0.04277129843831062 of:0.034281663596630096 to:0.03221416100859642 and:0.029323400929570198 a:0.028363728895783424 nning:0.023262036964297295\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['onn']\n",
"<unk>:0.2573271095752716 the:0.054543156176805496 a:0.028942041099071503 of:0.028793184086680412 th:0.025362007319927216 i:0.014007133431732655 bbl:0.012129217386245728 and:0.011664386838674545\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['christie']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['handn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['parcels']\n",
"of:0.44676047563552856 ofnland:0.11884601414203644 <unk>:0.06834418326616287 and:0.043456584215164185 at:0.014438468031585217 to:0.01436722930520773 ot:0.011392321437597275 thereof:0.010687550529837608\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['startsnwith']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['joshers']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ilntaken']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rockingham']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['c']\n",
"<unk>:0.2864397168159485 a:0.028532501310110092 for:0.018376635387539864 c:0.01658511720597744 and:0.01604672521352768 no:0.015948768705129623 h:0.012806541286408901 w:0.012330155819654465\n",
"['seemedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['arrayed']\n",
"against:0.22665518522262573 in:0.17327383160591125 <unk>:0.08927492052316666 againstnthe:0.022863369435071945 on:0.022223692387342453 the:0.0221407450735569 to:0.01908070221543312 and:0.014364801347255707\n",
"['plaintiffn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['unimpaired']\n",
"and:0.10215381532907486 to:0.07173236459493637 <unk>:0.06485592573881149 for:0.06191007047891617 the:0.0440523624420166 in:0.0397440604865551 by:0.028520703315734863 it:0.025921383872628212\n",
"['althoughn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['editor']\n",
"of:0.38957881927490234 <unk>:0.1094081923365593 and:0.035275623202323914 is:0.021416261792182922 who:0.016178404912352562 the:0.015627611428499222 ofnthe:0.012428819201886654 was:0.011333259753882885\n",
"['left']\n",
"<unk>:0.1165800392627716 the:0.08880757540464401 to:0.05106218531727791 for:0.028301620855927467 on:0.027615884318947792 in:0.02706342749297619 him:0.022636502981185913 of:0.01859419420361519\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['pompous']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['reallynseemed']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['testimonynof']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['morenstate']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['turnedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['ns']\n",
"<unk>:0.1509365439414978 the:0.0557250902056694 a:0.05520791932940483 to:0.05409502610564232 it:0.027916191145777702 well:0.026369856670498848 i:0.017093582078814507 he:0.016166038811206818\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['columns']\n",
"of:0.3231031894683838 <unk>:0.10251539200544357 and:0.06511348485946655 the:0.03445656597614288 to:0.01898207888007164 in:0.01768484152853489 for:0.017489595338702202 from:0.013163707219064236\n",
"['tenn']\n",
"<unk>:0.22305095195770264 and:0.07081372290849686 in:0.045400068163871765 the:0.03189513459801674 a:0.02887948788702488 to:0.02486429736018181 of:0.019012698903679848 n:0.01287703774869442\n",
"['persons']\n",
"<unk>:0.13512757420539856 who:0.10274209827184677 in:0.050369635224342346 and:0.04076937958598137 interested:0.036592185497283936 of:0.035631801933050156 to:0.032277561724185944 claiming:0.02256361022591591\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['chs']\n",
"to:0.29476824402809143 centernof:0.22007080912590027 center:0.12813280522823334 toncor:0.07626178860664368 <unk>:0.05087447166442871 thence:0.03745710477232933 dist:0.01476229727268219 links:0.010391714982688427\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['tonsettlers']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['supposen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['might']\n",
"be:0.2555471956729889 <unk>:0.1396612972021103 have:0.09379672259092331 not:0.03618241101503372 in:0.012708491645753384 bo:0.01185340341180563 do:0.010414504446089268 make:0.010308093391358852\n",
"['honestyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['raised']\n",
"<unk>:0.08983466029167175 in:0.08820109069347382 the:0.07216525077819824 by:0.0666266456246376 to:0.04623480886220932 and:0.04210212826728821 a:0.03662728890776634 his:0.02859780378639698\n",
"['rannout']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['anothernnow']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['anb']\n",
"<unk>:0.21050243079662323 y:0.01116948015987873 of:0.009801018983125687 e:0.009252122603356838 m:0.008173679932951927 f:0.007472933270037174 nson:0.007398303132504225 and:0.007185080088675022\n",
"['days']\n",
"<unk>:0.1260049045085907 of:0.08986402302980423 and:0.06047482788562775 after:0.05545276030898094 in:0.03371334448456764 from:0.03161957114934921 the:0.029749581590294838 before:0.029495220631361008\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['all']\n",
"<unk>:0.15382647514343262 the:0.15087176859378815 of:0.04493704065680504 that:0.025463230907917023 over:0.013799985870718956 in:0.013027006760239601 who:0.011802621185779572 its:0.011572307907044888\n",
"['composingnit']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['logn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['batteryn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['businessnin']\n",
"the:0.3108634948730469 <unk>:0.11184439063072205 a:0.03662250563502312 this:0.03165512531995773 said:0.021851379424333572 tho:0.01568598859012127 such:0.0140752037987113 any:0.011087852530181408\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['crack']\n",
"<unk>:0.14824338257312775 of:0.14651349186897278 and:0.07482089102268219 the:0.03356040641665459 in:0.027202043682336807 a:0.016791479662060738 or:0.015236089937388897 on:0.013484685681760311\n",
"['good']\n",
"<unk>:0.1800873577594757 and:0.034809429198503494 deal:0.0223788283765316 to:0.021396957337856293 for:0.015180929563939571 as:0.014388279989361763 roads:0.011519820429384708 many:0.011263051070272923\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['approace']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['party']\n",
"<unk>:0.14315254986286163 of:0.0752062276005745 and:0.05126910284161568 in:0.04879795387387276 to:0.04177085682749748 is:0.02072826400399208 the:0.01884854957461357 who:0.0182166900485754\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['these']\n",
"<unk>:0.19787919521331787 are:0.03109699860215187 men:0.02476704865694046 things:0.01615901105105877 two:0.015082272700965405 were:0.014673557132482529 days:0.007715313229709864 people:0.0068898797035217285\n",
"['s']\n",
"<unk>:0.24743959307670593 and:0.022346865385770798 a:0.020876672118902206 c:0.02086692675948143 s:0.018633587285876274 w:0.015286792069673538 n:0.014412941411137581 to:0.014249380677938461\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['deadnare']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['sweet']\n",
"<unk>:0.2793463468551636 and:0.09050299227237701 potatoes:0.043835896998643875 milk:0.01795843616127968 to:0.014696944504976273 little:0.01059491652995348 clover:0.009855428710579872 for:0.007654589135199785\n",
"['candidates']\n",
"for:0.23239144682884216 <unk>:0.09447669237852097 and:0.04426897317171097 in:0.036809101700782776 to:0.03334011882543564 are:0.028463421389460564 of:0.027960939332842827 on:0.019479740411043167\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['information']\n",
"<unk>:0.1158686950802803 that:0.06398572027683258 of:0.0610235258936882 as:0.04974300414323807 in:0.044600870460271835 and:0.04376203566789627 to:0.0357242077589035 was:0.025019334629178047\n",
"['reformersn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['extensionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['belongingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['blacks']\n",
"and:0.11582665145397186 <unk>:0.0969793051481247 in:0.0529024712741375 of:0.04070355370640755 to:0.037879690527915955 are:0.030970372259616852 as:0.023205816745758057 were:0.022065211087465286\n",
"['fn']\n",
"<unk>:0.3325261175632477 the:0.13012759387493134 a:0.044233933091163635 and:0.013883395120501518 n:0.01284874975681305 m:0.011999549344182014 to:0.010671251453459263 this:0.00823407992720604\n",
"['re']\n",
"<unk>:0.4849739074707031 nported:0.01689726673066616 nturn:0.01306796632707119 npublicans:0.012595686130225658 nturned:0.012481450103223324 nquired:0.012264815159142017 nport:0.011022060178220272 and:0.010753951966762543\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['wlien']\n",
"the:0.08785084635019302 <unk>:0.08039699494838715 it:0.061428580433130264 he:0.04133572429418564 a:0.03014441765844822 they:0.027773013338446617 i:0.01975828967988491 we:0.016993241384625435\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['could']\n",
"not:0.26452964544296265 <unk>:0.13470132648944855 be:0.11722714453935623 have:0.03276956081390381 do:0.022108865901827812 see:0.018092282116413116 get:0.016741210594773293 bo:0.009517333470284939\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['voten']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['torenthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofii']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['cortractsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['once']\n",
"<unk>:0.13567115366458893 a:0.06962233036756516 and:0.044806573539972305 in:0.04185464605689049 more:0.041413601487874985 to:0.03186348080635071 the:0.029131246730685234 as:0.01089469064027071\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['who']\n",
"<unk>:0.14465560019016266 are:0.05709322541952133 had:0.052187480032444 have:0.05192911997437477 was:0.03984886035323143 has:0.03698565065860748 is:0.0353294312953949 were:0.031020494177937508\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['entirely']\n",
"<unk>:0.21265313029289246 different:0.029597824439406395 cured:0.026112839579582214 to:0.02559766359627247 of:0.022228239104151726 in:0.020646115764975548 eradicate:0.01706199161708355 the:0.01259644515812397\n",
"['may']\n",
"be:0.28343698382377625 <unk>:0.1322714388370514 have:0.03545297682285309 not:0.027146341279149055 bo:0.015436545014381409 he:0.012254266999661922 a:0.009326293133199215 deem:0.008938784711062908\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['books']\n",
"of:0.12050648778676987 <unk>:0.11904224008321762 and:0.10101424157619476 stationery:0.04710931330919266 in:0.0294517632573843 to:0.02461070753633976 are:0.023543203249573708 for:0.01945766620337963\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['church']\n",
"<unk>:0.16046833992004395 and:0.08792510628700256 in:0.05396799370646477 of:0.05140601471066475 the:0.027182074263691902 was:0.023922542110085487 at:0.02321729250252247 to:0.018930280581116676\n",
"['peoplenwe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['send']\n",
"<unk>:0.15391995012760162 the:0.07501774281263351 a:0.07355421036481857 to:0.06368245929479599 for:0.047139160335063934 them:0.03998485580086708 it:0.032082315534353256 him:0.03135213628411293\n",
"['benefitsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['may']\n",
"be:0.28343698382377625 <unk>:0.1322714388370514 have:0.03545297682285309 not:0.027146341279149055 bo:0.015436545014381409 he:0.012254266999661922 a:0.009326293133199215 deem:0.008938784711062908\n",
"['saidn']\n",
"<unk>:0.17798779904842377 the:0.047086238861083984 i:0.02347389981150627 a:0.023354412987828255 d:0.016999514773488045 it:0.016215240582823753 he:0.013476152904331684 w:0.01341646071523428\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['doubt']\n",
"that:0.13819654285907745 <unk>:0.086394302546978 the:0.05858522653579712 of:0.046173095703125 and:0.02839508280158043 as:0.027268053963780403 in:0.026089107617735863 it:0.02472805604338646\n",
"['truern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['mistake']\n",
"<unk>:0.10940797626972198 in:0.09735041111707687 and:0.061271023005247116 to:0.05466829240322113 of:0.053828127682209015 the:0.04537241905927658 that:0.03249703720211983 for:0.02532747946679592\n",
"['howevernthe']\n",
"<unk>:0.15076960623264313 state:0.02427472360432148 year:0.011671885848045349 most:0.010922510176897049 purpose:0.010283338837325573 body:0.007507640402764082 place:0.0061879404820501804 number:0.006092121824622154\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['wantnto']\n",
"see:0.07654773443937302 <unk>:0.06438574194908142 be:0.03997237607836723 know:0.03827100247144699 go:0.037866782397031784 have:0.03718908876180649 do:0.03300340101122856 get:0.030343560501933098\n",
"['being']\n",
"<unk>:0.18178798258304596 the:0.05463423579931259 a:0.044204384088516235 in:0.03139527887105942 made:0.021438436582684517 done:0.010384885594248772 to:0.008472583256661892 of:0.007576572708785534\n",
"['forneach']\n",
"<unk>:0.08203446120023727 of:0.04953569173812866 day:0.021164827048778534 year:0.019421037286520004 person:0.018446149304509163 part:0.018099654465913773 and:0.015381366945803165 month:0.012766731902956963\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['enough']\n",
"to:0.3867606520652771 <unk>:0.07498569786548615 for:0.060834094882011414 of:0.02839696779847145 in:0.02358398027718067 and:0.015315547585487366 but:0.008477008901536465 that:0.007767942734062672\n",
"['feet']\n",
"to:0.1653222292661667 <unk>:0.1076214537024498 of:0.06162547320127487 and:0.05345023050904274 in:0.04825303703546524 thence:0.0385640524327755 above:0.02619834616780281 long:0.024988289922475815\n",
"['do']\n",
"not:0.1694450080394745 <unk>:0.12303590774536133 the:0.03810940310359001 so:0.03795699030160904 it:0.025585677474737167 with:0.02503206767141819 you:0.02148338593542576 this:0.018350347876548767\n",
"['ami']\n",
"<unk>:0.26606836915016174 the:0.055435456335544586 in:0.013706368394196033 a:0.012774624861776829 to:0.01163388043642044 that:0.010829525999724865 i:0.010158090852200985 it:0.010018243454396725\n",
"['ion']\n",
"<unk>:0.1536908745765686 of:0.11007994413375854 and:0.050278425216674805 to:0.039833176881074905 in:0.026030760258436203 the:0.02180628478527069 is:0.01888144388794899 a:0.01707194559276104\n",
"['inthenameofrlin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['voters']\n",
"of:0.18810883164405823 <unk>:0.07874531298875809 in:0.07760340720415115 and:0.04536426439881325 to:0.03508858010172844 who:0.027136305347085 are:0.018268579617142677 as:0.016787013038992882\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['meritsnhave']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thereuponn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['otj']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['decided']\n",
"to:0.2940385937690735 that:0.13439440727233887 <unk>:0.08946247398853302 by:0.037062518298625946 in:0.03410908952355385 upon:0.030273696407675743 on:0.021933196112513542 the:0.012511336244642735\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['positively']\n",
"<unk>:0.24659329652786255 that:0.10316849499940872 and:0.025505555793642998 to:0.0202602781355381 refused:0.018065297976136208 the:0.013208272866904736 in:0.012920355424284935 guaranteed:0.012240535579621792\n",
"['christnso']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['onn']\n",
"<unk>:0.2573271095752716 the:0.054543156176805496 a:0.028942041099071503 of:0.028793184086680412 th:0.025362007319927216 i:0.014007133431732655 bbl:0.012129217386245728 and:0.011664386838674545\n",
"['onlynfrom']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['onen']\n",
"<unk>:0.23337608575820923 of:0.05025946721434593 and:0.037371858954429626 the:0.03028450347483158 in:0.020254120230674744 a:0.019458163529634476 n:0.015199031680822372 to:0.014889995567500591\n",
"['vitriol']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['otnmexico']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['government']\n",
"<unk>:0.12313397228717804 of:0.06695923209190369 and:0.05926906317472458 to:0.04370804503560066 in:0.038105275481939316 is:0.03419681638479233 the:0.021679773926734924 has:0.018364982679486275\n",
"['ntwenty']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aboutn']\n",
"<unk>:0.09388715028762817 oclock:0.0616389699280262 per:0.04338572174310684 feet:0.041444215923547745 the:0.03500280901789665 and:0.03455958515405655 a:0.034201670438051224 in:0.028374332934617996\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['railroads']\n",
"<unk>:0.10553286224603653 and:0.0967564508318901 in:0.04542436823248863 to:0.04433298483490944 are:0.03913053497672081 of:0.028533464297652245 were:0.01986090838909149 the:0.018436141312122345\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['victimnbegan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['re']\n",
"<unk>:0.4849739074707031 nported:0.01689726673066616 nturn:0.01306796632707119 npublicans:0.012595686130225658 nturned:0.012481450103223324 nquired:0.012264815159142017 nport:0.011022060178220272 and:0.010753951966762543\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['york']\n",
"<unk>:0.18007470667362213 and:0.07088713347911835 city:0.04835294559597969 the:0.01977786421775818 to:0.01939130388200283 for:0.01731991022825241 in:0.014967141672968864 tribune:0.013161341659724712\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['mi']\n",
"<unk>:0.28136664628982544 the:0.02248641476035118 a:0.016490785405039787 i:0.01594664715230465 in:0.012440882623195648 and:0.01030310895293951 </s>:0.00990522000938654 of:0.008500398136675358\n",
"['born']\n",
"in:0.24011990427970886 <unk>:0.14039543271064758 of:0.052583158016204834 and:0.05033230036497116 to:0.046074360609054565 at:0.04044175148010254 on:0.02908005379140377 the:0.014565994963049889\n",
"['willn']\n",
"<unk>:0.16371458768844604 be:0.03393767401576042 e:0.03133251890540123 and:0.017202984541654587 </s>:0.015308918431401253 a:0.01495116576552391 le:0.012712489813566208 not:0.011774901300668716\n",
"['only']\n",
"<unk>:0.16589561104774475 a:0.06038087606430054 to:0.046623602509498596 the:0.036858413368463516 in:0.03357406705617905 one:0.02650539204478264 by:0.017633434385061264 be:0.01402018778026104\n",
"['sufficient']\n",
"to:0.26365146040916443 <unk>:0.09420473128557205 sureties:0.049242131412029266 for:0.04484428092837334 number:0.024933170527219772 amount:0.015265656635165215 and:0.013903455808758736 quantity:0.013579471968114376\n",
"['systemnthe']\n",
"<unk>:0.07158085703849792 law:0.017629245296120644 men:0.007637763395905495 number:0.007350589148700237 city:0.006996520329266787 work:0.005942645948380232 same:0.005594185087829828 country:0.005344575271010399\n",
"['speechesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['operations']\n",
"of:0.20157182216644287 <unk>:0.07735247164964676 in:0.07026699185371399 and:0.054436095058918 the:0.029518045485019684 on:0.025786589831113815 at:0.02535117231309414 are:0.022529860958456993\n",
"['thenpcoplo']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['players']\n",
"<unk>:0.09550541639328003 and:0.0791354775428772 were:0.0435129776597023 in:0.040437567979097366 of:0.03220640495419502 are:0.030135152861475945 to:0.024535421282052994 as:0.02170245349407196\n",
"['neglectingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['virginia']\n",
"<unk>:0.1828772872686386 and:0.08375523239374161 in:0.028310934081673622 to:0.021503034979104996 is:0.016531389206647873 the:0.016003040596842766 on:0.012524859979748726 has:0.01198803260922432\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['second']\n",
"<unk>:0.2036028951406479 and:0.035717204213142395 day:0.0241729523986578 to:0.022458087652921677 time:0.017268087714910507 of:0.0137358782812953 in:0.013378320261836052 the:0.013357595540583134\n",
"['case']\n",
"of:0.21579129993915558 <unk>:0.09454260766506195 the:0.05659665912389755 and:0.03820361942052841 is:0.031208554282784462 was:0.028804320842027664 in:0.024651508778333664 it:0.017255952581763268\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['hi']\n",
"<unk>:0.2784084677696228 the:0.01732265204191208 own:0.014346212148666382 a:0.01055285707116127 wife:0.007604556158185005 n:0.006972854491323233 of:0.006146294064819813 </s>:0.005973001476377249\n",
"['takes']\n",
"<unk>:0.11594025790691376 a:0.10193300247192383 the:0.09779046475887299 place:0.03712549805641174 up:0.033039677888154984 to:0.027504026889801025 his:0.02655719220638275 in:0.01841573603451252\n",
"['eggs']\n",
"<unk>:0.15760545432567596 and:0.0827583596110344 are:0.06455197930335999 in:0.04672040417790413 a:0.027160493656992912 of:0.025480173528194427 were:0.02439495548605919 the:0.02310161292552948\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['form']\n",
"of:0.27715805172920227 <unk>:0.12084409594535828 a:0.08635135740041733 and:0.06176028028130531 the:0.050464313477277756 in:0.0196919534355402 or:0.01652028039097786 it:0.013403120450675488\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['mayor']\n",
"<unk>:0.22011753916740417 and:0.1573319137096405 of:0.0874549001455307 to:0.01937982253730297 in:0.014046919532120228 or:0.012616308405995369 was:0.011532717384397984 is:0.010937472805380821\n",
"['lehighnmembers']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['hasn']\n",
"<unk>:0.17889410257339478 een:0.0487578809261322 been:0.04432809352874756 the:0.0182209312915802 a:0.015206229873001575 to:0.011778036132454872 in:0.009196098893880844 e:0.008825796656310558\n",
"['ren']\n",
"<unk>:0.3696889281272888 ndered:0.17004595696926117 nder:0.05629220977425575 and:0.02495187520980835 a:0.016242874786257744 the:0.009356291964650154 </s>:0.008587519638240337 n:0.008384967222809792\n",
"['making']\n",
"<unk>:0.1670808345079422 the:0.1285746991634369 a:0.1200590655207634 of:0.038701415061950684 it:0.03553646802902222 an:0.028711367398500443 their:0.015823692083358765 his:0.014293934218585491\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['powersn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['there']\n",
"is:0.21489956974983215 are:0.10645759105682373 was:0.09183706343173981 <unk>:0.07891882956027985 were:0.04505584016442299 will:0.03374265506863594 has:0.018656885251402855 and:0.013431165367364883\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['out']\n",
"of:0.24538345634937286 <unk>:0.09440331161022186 the:0.0502653568983078 and:0.046478722244501114 to:0.038411710411310196 in:0.034821465611457825 a:0.023348769173026085 on:0.01896938681602478\n",
"['accomplishedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['these']\n",
"<unk>:0.19787919521331787 are:0.03109699860215187 men:0.02476704865694046 things:0.01615901105105877 two:0.015082272700965405 were:0.014673557132482529 days:0.007715313229709864 people:0.0068898797035217285\n",
"['extravagantn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['constitution']\n",
"of:0.17394350469112396 and:0.11410213261842728 <unk>:0.09527537226676941 which:0.03343058004975319 the:0.02759559266269207 as:0.023396681994199753 is:0.023267511278390884 to:0.022005079314112663\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['whether']\n",
"the:0.161294087767601 <unk>:0.11928736418485641 it:0.08878779411315918 he:0.05603349953889847 or:0.04515042155981064 they:0.04053612798452377 a:0.020081348717212677 we:0.019859585911035538\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['citizens']\n",
"of:0.28763943910598755 <unk>:0.09904792159795761 and:0.06207951158285141 in:0.040991686284542084 who:0.032165586948394775 to:0.03113950975239277 are:0.01722344197332859 ofnthe:0.01309740636497736\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['uponnmr']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['beg']\n",
"leave:0.18508675694465637 to:0.1620749533176422 <unk>:0.10045666992664337 the:0.04684905707836151 of:0.04309040680527687 for:0.03374496474862099 that:0.022712938487529755 you:0.02271112985908985\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['ground']\n",
"<unk>:0.1374719738960266 and:0.06979455798864365 that:0.060389481484889984 of:0.04216333478689194 in:0.03245219215750694 with:0.030342867597937584 the:0.027031153440475464 for:0.026427827775478363\n",
"['congress']\n",
"<unk>:0.10764116048812866 and:0.07025738060474396 to:0.061240434646606445 of:0.03795221820473671 in:0.029859187081456184 the:0.02880270779132843 is:0.02491132915019989 for:0.020609786733984947\n",
"['dis']\n",
"<unk>:0.4236421585083008 ntrict:0.2683463394641876 ntance:0.053620919585227966 ntricts:0.03043479286134243 ntant:0.024761393666267395 neases:0.024113310500979424 nposed:0.016944020986557007 nease:0.015986243262887\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['company']\n",
"<unk>:0.13375690579414368 and:0.06673259288072586 of:0.04670895263552666 to:0.03398475795984268 in:0.031463440507650375 has:0.025390444323420525 is:0.02523624710738659 the:0.02185053750872612\n",
"['dogn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['we']\n",
"<unk>:0.13773101568222046 have:0.09360568970441818 are:0.06667010486125946 had:0.025956355035305023 were:0.025647835806012154 shall:0.025268608704209328 will:0.024019625037908554 can:0.023256929591298103\n",
"['caller']\n",
"<unk>:0.20636332035064697 and:0.08304066956043243 was:0.06576140969991684 in:0.050438232719898224 the:0.046948593109846115 a:0.044063299894332886 at:0.03414849936962128 on:0.03324135020375252\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['coln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['supenriors']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ifn']\n",
"<unk>:0.12966124713420868 the:0.032856736332178116 a:0.01628163829445839 of:0.016207702457904816 is:0.015891412273049355 be:0.014696697704494 was:0.014559094794094563 he:0.013559429906308651\n",
"['fail']\n",
"to:0.49930015206336975 <unk>:0.07605649530887604 in:0.047553014010190964 and:0.03094135969877243 of:0.022743375971913338 the:0.013097736053168774 or:0.011908053420484066 nure:0.009060979820787907\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['these']\n",
"<unk>:0.19787919521331787 are:0.03109699860215187 men:0.02476704865694046 things:0.01615901105105877 two:0.015082272700965405 were:0.014673557132482529 days:0.007715313229709864 people:0.0068898797035217285\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['cantn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['louisiana']\n",
"<unk>:0.13150468468666077 and:0.11381000280380249 the:0.02037746272981167 to:0.01982824131846428 is:0.016652531921863556 in:0.016461186110973358 at:0.015819529071450233 by:0.0136308828368783\n",
"['thon']\n",
"<unk>:0.19677044451236725 th:0.08251221477985382 the:0.030976003035902977 a:0.028743531554937363 i:0.015320135280489922 st:0.013669462874531746 in:0.012963647022843361 he:0.009869101457297802\n",
"['foreclosed']\n",
"by:0.47903773188591003 and:0.15194712579250336 of:0.13212290406227112 <unk>:0.016956398263573647 bv:0.015539289452135563 byna:0.01138385757803917 in:0.010851391591131687 </s>:0.01005077175796032\n",
"['trumpet']\n",
"<unk>:0.18172362446784973 and:0.08492063730955124 of:0.07648781687021255 to:0.04192913696169853 in:0.027333632111549377 that:0.026958899572491646 the:0.026094334200024605 is:0.024981016293168068\n",
"['conscience']\n",
"and:0.11185618489980698 <unk>:0.08693931251764297 of:0.06764467060565948 to:0.028104916214942932 is:0.025788934901356697 in:0.024117322638630867 for:0.020571304485201836 as:0.01967128925025463\n",
"['full']\n",
"<unk>:0.19312041997909546 of:0.15348771214485168 and:0.04051579162478447 amount:0.013497576117515564 in:0.010545289143919945 the:0.009401011280715466 to:0.009377926588058472 force:0.00932236947119236\n",
"['made']\n",
"<unk>:0.09965836256742477 by:0.07719678431749344 a:0.07265251129865646 in:0.06660709530115128 to:0.05365895479917526 the:0.04897597059607506 and:0.029017746448516846 of:0.028677107766270638\n",
"['fever']\n",
"and:0.14898578822612762 <unk>:0.14126193523406982 the:0.029746830463409424 is:0.025565648451447487 in:0.024355683475732803 or:0.022347090765833855 fever:0.018689768388867378 which:0.014873869717121124\n",
"['nplainant']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['last']\n",
"<unk>:0.17928394675254822 year:0.07723307609558105 week:0.049701787531375885 night:0.0368540994822979 fall:0.014803077094256878 evening:0.01347275823354721 the:0.013444880023598671 summer:0.012643853202462196\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['pacificn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pur']\n",
"npose:0.3679739832878113 nchase:0.13456687331199646 nchased:0.13169482350349426 <unk>:0.11141632497310638 nposes:0.07887455821037292 nchaser:0.03353748470544815 nsued:0.006783957127481699 and:0.005160755943506956\n",
"['con']\n",
"<unk>:0.42463621497154236 nsidered:0.03714806213974953 nducted:0.03513865917921066 ngress:0.03487222641706467 ncerned:0.021299201995134354 nditions:0.019859950989484787 nsumption:0.01881428062915802 nference:0.014918499626219273\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['number']\n",
"of:0.5606829524040222 <unk>:0.13050056993961334 and:0.014879831112921238 in:0.010784146375954151 to:0.009569033049046993 ofnthe:0.0069679864682257175 the:0.006145046092569828 is:0.006065947003662586\n",
"['thenfollowing']\n",
"described:0.12324558198451996 <unk>:0.06791665405035019 day:0.017535505816340446 named:0.013097064569592476 resolutions:0.012203413061797619 is:0.01148985419422388 morning:0.010527391918003559 statement:0.010048937983810902\n",
"['saturated']\n",
"with:0.5414232015609741 <unk>:0.09777422249317169 and:0.04376313090324402 the:0.028260037302970886 withnthe:0.019768355414271355 by:0.0136178620159626 in:0.012262003496289253 to:0.008696932345628738\n",
"['forced']\n",
"to:0.3507811427116394 <unk>:0.0757562592625618 upon:0.034208960831165314 into:0.03249726817011833 the:0.029233058914542198 by:0.024266047403216362 him:0.019651560112833977 in:0.019328689202666283\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['surveying']\n",
"<unk>:0.20902854204177856 the:0.12649719417095184 and:0.08875516057014465 to:0.017375890165567398 it:0.016914913430809975 a:0.016641607508063316 of:0.01208252739161253 by:0.010867629200220108\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['ardn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tilen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['recep']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['living']\n",
"in:0.1712765246629715 <unk>:0.16410493850708008 and:0.06774289160966873 on:0.029033683240413666 at:0.02503310889005661 with:0.018505292013287544 the:0.01841217838227749 for:0.01573091559112072\n",
"['climatic']\n",
"conditions:0.36317354440689087 <unk>:0.20111989974975586 changes:0.0234236940741539 advantages:0.019734598696231842 and:0.012793940491974354 to:0.012724352069199085 in:0.008723653852939606 of:0.007563726976513863\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['infantry']\n",
"<unk>:0.16536544263362885 and:0.11034755408763885 in:0.030474575236439705 the:0.02312510833144188 to:0.022001413628458977 of:0.015609105117619038 will:0.012981979176402092 who:0.012509013526141644\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['talkn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['withnfrequenting']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['uiiiitra']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tnday']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['view']\n",
"of:0.42665359377861023 to:0.08096882700920105 <unk>:0.07159396260976791 the:0.03914766013622284 and:0.029450036585330963 that:0.021209627389907837 ofnthe:0.012772641144692898 it:0.011334368959069252\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['directed']\n",
"to:0.24280399084091187 and:0.08153658360242844 by:0.07763679325580597 <unk>:0.06335993111133575 the:0.04584329202771187 against:0.03007926419377327 that:0.028120893985033035 in:0.02536293864250183\n",
"['back']\n",
"to:0.17791467905044556 <unk>:0.09790932387113571 of:0.0694747269153595 and:0.06899037212133408 in:0.030531223863363266 the:0.026958219707012177 into:0.02184874936938286 on:0.019965089857578278\n",
"['pondsnwhere']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['could']\n",
"not:0.26452964544296265 <unk>:0.13470132648944855 be:0.11722714453935623 have:0.03276956081390381 do:0.022108865901827812 see:0.018092282116413116 get:0.016741210594773293 bo:0.009517333470284939\n",
"['w']\n",
"<unk>:0.29725682735443115 h:0.025401681661605835 ith:0.025027213618159294 w:0.02032552845776081 a:0.018594292923808098 c:0.01712547056376934 feet:0.01667892374098301 ill:0.013860834762454033\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['countyn']\n",
"<unk>:0.15558412671089172 the:0.03483349084854126 of:0.025821635499596596 a:0.018973130732774734 and:0.017990857362747192 in:0.0165353212505579 n:0.0099831223487854 m:0.009773463010787964\n",
"['houstonn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['garirsonsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tie']\n",
"<unk>:0.26212117075920105 the:0.01683828793466091 a:0.011721616610884666 of:0.010848401114344597 was:0.010802996344864368 and:0.008659747429192066 in:0.007823914289474487 said:0.006782566662877798\n",
"['second']\n",
"<unk>:0.2036028951406479 and:0.035717204213142395 day:0.0241729523986578 to:0.022458087652921677 time:0.017268087714910507 of:0.0137358782812953 in:0.013378320261836052 the:0.013357595540583134\n",
"['byn']\n",
"<unk>:0.12758350372314453 feet:0.06457981467247009 the:0.04602275416254997 a:0.03177761659026146 oclock:0.02847296930849552 to:0.010738552547991276 of:0.00951392576098442 s:0.009068152867257595\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['mitesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['j']\n",
"<unk>:0.2886352837085724 w:0.03490549325942993 h:0.03352547436952591 m:0.030452890321612358 a:0.02782146818935871 c:0.025676563382148743 j:0.020685404539108276 b:0.01717091165482998\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['mannheartily']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ndock']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['watching']\n",
"the:0.2295495718717575 <unk>:0.15826652944087982 for:0.04282638430595398 and:0.0331464447081089 her:0.029104864224791527 a:0.02575800195336342 his:0.024114124476909637 to:0.023797811940312386\n",
"['awardedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['decreen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['power']\n",
"of:0.18781116604804993 to:0.1438952088356018 <unk>:0.08915887773036957 and:0.05080623924732208 in:0.036404095590114594 is:0.019943833351135254 the:0.01752854511141777 for:0.013988734222948551\n",
"['byn']\n",
"<unk>:0.12758350372314453 feet:0.06457981467247009 the:0.04602275416254997 a:0.03177761659026146 oclock:0.02847296930849552 to:0.010738552547991276 of:0.00951392576098442 s:0.009068152867257595\n",
"['looverflowinin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['chest']\n",
"<unk>:0.149725541472435 and:0.10228508710861206 of:0.05258946865797043 the:0.022486306726932526 with:0.017792722210288048 in:0.01776864193379879 is:0.013440588489174843 to:0.013206814415752888\n",
"['about']\n",
"<unk>:0.16251502931118011 the:0.1293736845254898 a:0.04998978599905968 to:0.03513412922620773 it:0.02537279948592186 two:0.01648150384426117 one:0.013926786370575428 this:0.011903013102710247\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['themnlie']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['might']\n",
"be:0.2555471956729889 <unk>:0.1396612972021103 have:0.09379672259092331 not:0.03618241101503372 in:0.012708491645753384 bo:0.01185340341180563 do:0.010414504446089268 make:0.010308093391358852\n",
"['city']\n",
"of:0.1702234297990799 <unk>:0.14746426045894623 and:0.07025923579931259 in:0.027942821383476257 the:0.01994224824011326 to:0.019134199246764183 is:0.017169617116451263 at:0.012862109579145908\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['idn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['yawnn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['touristsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['some']\n",
"<unk>:0.17425395548343658 of:0.17399758100509644 time:0.033102847635746 one:0.019578879699110985 other:0.01773841679096222 years:0.014443687163293362 ofnthe:0.009550128132104874 way:0.007940506562590599\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['ing']\n",
"<unk>:0.10283941775560379 the:0.06978702545166016 to:0.03913068398833275 a:0.028539804741740227 and:0.023017149418592453 in:0.022855546325445175 of:0.022731229662895203 for:0.012280290946364403\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['what']\n",
"<unk>:0.11899658292531967 is:0.09058628976345062 the:0.05584552139043808 he:0.055342115461826324 it:0.04097414389252663 was:0.0380481593310833 a:0.030636867508292198 they:0.02920752577483654\n",
"['rower']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['done']\n",
"<unk>:0.09639006853103638 by:0.08150965720415115 in:0.07725168764591217 to:0.04745211824774742 and:0.039425045251846313 the:0.03930851072072983 so:0.029388267546892166 for:0.02723715454339981\n",
"['power']\n",
"of:0.18781116604804993 to:0.1438952088356018 <unk>:0.08915887773036957 and:0.05080623924732208 in:0.036404095590114594 is:0.019943833351135254 the:0.01752854511141777 for:0.013988734222948551\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['anwoman']\n",
"who:0.09908666461706161 <unk>:0.05330297350883484 of:0.052150908857584 in:0.02501867711544037 to:0.024060625582933426 and:0.023128874599933624 is:0.01751762069761753 as:0.011833774857223034\n",
"['againstn']\n",
"<unk>:0.12588146328926086 in:0.06887342035770416 to:0.029529985040426254 the:0.029100541025400162 of:0.02437622845172882 per:0.023335447534918785 and:0.02299150638282299 for:0.020568514242768288\n",
"['fire']\n",
"<unk>:0.13876774907112122 and:0.0709451213479042 department:0.03802691400051117 in:0.03434949368238449 was:0.03053523786365986 of:0.028843851760029793 the:0.02561531960964203 to:0.02323278598487377\n",
"['bar']\n",
"<unk>:0.2292085886001587 of:0.08595875650644302 and:0.06638552248477936 to:0.03146721050143242 in:0.02352041006088257 the:0.020290397107601166 or:0.015336515381932259 was:0.01190282590687275\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['taxes']\n",
"<unk>:0.10403026640415192 and:0.07351427525281906 for:0.06538594514131546 on:0.051262784749269485 to:0.04813139885663986 in:0.032806266099214554 are:0.02643350511789322 paid:0.025671815499663353\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['wendid']\n",
"not:0.5490818023681641 the:0.030064528807997704 to:0.014856488443911076 no:0.013468031771481037 <unk>:0.013355030678212643 it:0.011685003526508808 a:0.011321146972477436 he:0.011103426106274128\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['disappointmerit']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['isnplaced']\n",
"in:0.2846193313598633 on:0.1482449620962143 at:0.0515156164765358 a:0.042297665029764175 <unk>:0.041489601135253906 upon:0.035240791738033295 the:0.03460930660367012 by:0.033019207417964935\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['shouldn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['withn']\n",
"<unk>:0.13506150245666504 the:0.052440792322158813 a:0.026220308616757393 and:0.019970647990703583 acres:0.01472160592675209 to:0.014503954909741879 in:0.013292515650391579 of:0.010805558413267136\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['retinue']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['unimprovedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['every']\n",
"<unk>:0.23462125658988953 one:0.04778020456433296 man:0.028334468603134155 day:0.022682832553982735 year:0.015883589163422585 part:0.015615013428032398 way:0.01469524297863245 person:0.01305829081684351\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['earlyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['cares']\n",
"for:0.13658306002616882 of:0.11098470538854599 to:0.09619675576686859 <unk>:0.08867454528808594 and:0.08595262467861176 in:0.025006484240293503 that:0.02202046476304531 the:0.016728680580854416\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['annhour']\n",
"and:0.0985293909907341 the:0.05294976755976677 before:0.049635034054517746 or:0.049055274575948715 <unk>:0.04808427765965462 in:0.04713500291109085 after:0.03223343566060066 to:0.03195421025156975\n",
"['number']\n",
"of:0.5606829524040222 <unk>:0.13050056993961334 and:0.014879831112921238 in:0.010784146375954151 to:0.009569033049046993 ofnthe:0.0069679864682257175 the:0.006145046092569828 is:0.006065947003662586\n",
"['senaten']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['line']\n",
"of:0.3352845013141632 <unk>:0.11056234687566757 to:0.03916972875595093 and:0.03679906204342842 between:0.026410382241010666 in:0.01473459042608738 the:0.01345004141330719 with:0.011751294136047363\n",
"['decision']\n",
"of:0.24373137950897217 <unk>:0.0837414488196373 in:0.068206287920475 is:0.04372013732790947 was:0.03709167242050171 and:0.03364190086722374 to:0.03205449506640434 the:0.025025218725204468\n",
"['thissectionnand']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ot']\n",
"the:0.22001349925994873 <unk>:0.19508947432041168 a:0.030033614486455917 this:0.01654713787138462 tho:0.016085060313344002 his:0.013413750566542149 tbe:0.011244924739003181 said:0.010236472822725773\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['theyn']\n",
"<unk>:0.11901931464672089 are:0.03142045438289642 will:0.02291155233979225 have:0.022116614505648613 e:0.01566181145608425 be:0.011756310239434242 had:0.011178616434335709 were:0.010471377521753311\n",
"['all']\n",
"<unk>:0.15382647514343262 the:0.15087176859378815 of:0.04493704065680504 that:0.025463230907917023 over:0.013799985870718956 in:0.013027006760239601 who:0.011802621185779572 its:0.011572307907044888\n",
"['thenmassive']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['boutwell']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['columbit']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['steps']\n",
"to:0.14296101033687592 <unk>:0.08746744692325592 of:0.07091480493545532 and:0.044538337737321854 in:0.04020661860704422 for:0.02086646854877472 are:0.01904442347586155 on:0.018284223973751068\n",
"['ilius']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['jaw']\n",
"<unk>:0.15988847613334656 and:0.13985903561115265 of:0.029304025694727898 the:0.029119187965989113 in:0.028122717514634132 was:0.025542184710502625 for:0.020533982664346695 to:0.020473521202802658\n",
"['prosecution']\n",
"of:0.2866173982620239 <unk>:0.09844321012496948 and:0.06469302624464035 in:0.03210025280714035 was:0.025570670142769814 is:0.023250307887792587 to:0.0222324188798666 for:0.017870305106043816\n",
"['pudn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['builtn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pater']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['battlen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['vociferatingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['latendisturbances']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rivers']\n",
"and:0.18719668686389923 <unk>:0.14028850197792053 of:0.04678966850042343 the:0.02856505662202835 which:0.01893874816596508 to:0.01891997642815113 are:0.01831166446208954 that:0.01683809794485569\n",
"['favor']\n",
"of:0.5716224908828735 <unk>:0.0660586953163147 the:0.03150662034749985 and:0.02386724017560482 ofnthe:0.016468362882733345 in:0.013485608622431755 a:0.012957800179719925 to:0.009329389780759811\n",
"['druggists']\n",
"and:0.13031958043575287 <unk>:0.12670952081680298 of:0.08672714978456497 in:0.06547276675701141 or:0.040500886738300323 for:0.038927968591451645 are:0.030498331412672997 at:0.020454151555895805\n",
"['deserve']\n",
"<unk>:0.17832596600055695 to:0.15156731009483337 the:0.14648884534835815 it:0.046660758554935455 a:0.04091515392065048 that:0.029577717185020447 an:0.009318099357187748 this:0.009218665771186352\n",
"['expenses']\n",
"of:0.3274933397769928 <unk>:0.07270855456590652 and:0.045049987733364105 in:0.03149906545877457 to:0.023716414347290993 for:0.018359091132879257 or:0.013245556503534317 ofnthe:0.012981760315597057\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['part']\n",
"of:0.5618791580200195 <unk>:0.05756089463829994 in:0.04997449368238449 ofnthe:0.028961164876818657 thereofnnow:0.01921454258263111 and:0.0156328696757555 thereof:0.01512932125478983 ot:0.01293669082224369\n",
"['pomp']\n",
"and:0.47138604521751404 <unk>:0.12449352443218231 of:0.10136069357395172 to:0.033504292368888855 or:0.026454607024788857 which:0.012184987775981426 in:0.011518551036715508 but:0.010552597232162952\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['monkeysn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['something']\n",
"<unk>:0.13611802458763123 to:0.09865064918994904 of:0.07786060124635696 like:0.048764266073703766 that:0.04154007136821747 in:0.03768868371844292 more:0.030153777450323105 for:0.01668352633714676\n",
"['directionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aren']\n",
"<unk>:0.26644155383110046 the:0.02865513600409031 to:0.027143025770783424 of:0.01882954128086567 feet:0.015926415100693703 and:0.014652454294264317 a:0.0144460778683424 in:0.0143551891669631\n",
"['all']\n",
"<unk>:0.15382647514343262 the:0.15087176859378815 of:0.04493704065680504 that:0.025463230907917023 over:0.013799985870718956 in:0.013027006760239601 who:0.011802621185779572 its:0.011572307907044888\n",
"['hot']\n",
"<unk>:0.1899285465478897 and:0.051275815814733505 water:0.04573163390159607 weather:0.03605963662266731 springs:0.030654752627015114 air:0.015432026237249374 in:0.01470082439482212 the:0.01270793192088604\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['also']\n",
"<unk>:0.1506243199110031 the:0.05427820235490799 a:0.048811282962560654 to:0.033731523901224136 that:0.024630967527627945 in:0.023307325318455696 be:0.02253991924226284 been:0.012383674271404743\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['nonreasonable']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['extended']\n",
"to:0.21028627455234528 <unk>:0.11263866722583771 the:0.046713750809431076 and:0.028877366334199905 by:0.02321503683924675 in:0.02062574215233326 from:0.01863924413919449 trip:0.010581277310848236\n",
"['manyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['iiingo']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['precedentn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['w']\n",
"<unk>:0.29725682735443115 h:0.025401681661605835 ith:0.025027213618159294 w:0.02032552845776081 a:0.018594292923808098 c:0.01712547056376934 feet:0.01667892374098301 ill:0.013860834762454033\n",
"['general']\n",
"<unk>:0.2604723274707794 assembly:0.049911245703697205 and:0.02619577758014202 of:0.017032787203788757 government:0.01208591926842928 election:0.009222913533449173 in:0.008909821510314941 welfare:0.006836731918156147\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['situated']\n",
"in:0.4534513056278229 on:0.10695651173591614 <unk>:0.07839909940958023 innthe:0.03229013830423355 and:0.019376585260033607 at:0.01897299848496914 within:0.014032718725502491 the:0.01121936272829771\n",
"['truly']\n",
"<unk>:0.22098806500434875 a:0.03853403776884079 the:0.036292482167482376 that:0.018897468224167824 yours:0.01632106862962246 as:0.011020888574421406 to:0.00954343006014824 be:0.008305991068482399\n",
"['theirn']\n",
"<unk>:0.18050238490104675 and:0.009713971987366676 feet:0.004620844963937998 to:0.004466369282454252 the:0.004267761018127203 men:0.0042529478669166565 votes:0.004191650077700615 </s>:0.003551966045051813\n",
"['amounting']\n",
"to:0.5967004895210266 in:0.1356325000524521 <unk>:0.10902140289545059 ton:0.03106614761054516 and:0.011268454603850842 a:0.007455121725797653 for:0.006859791465103626 at:0.005199401173740625\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['assiguee']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['man']\n",
"<unk>:0.12974177300930023 who:0.11130981147289276 of:0.04574340209364891 and:0.042749278247356415 in:0.04084893316030502 is:0.02529185637831688 to:0.02484465390443802 was:0.01994374394416809\n",
"['honornand']\n",
"<unk>:0.10159911215305328 the:0.03302895650267601 power:0.015752900391817093 it:0.013785449787974358 a:0.013207413256168365 courage:0.008785980753600597 confidence:0.007990089245140553 i:0.006723275873810053\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['river']\n",
"<unk>:0.1470983475446701 and:0.10884713381528854 to:0.04040616378188133 the:0.0326354093849659 in:0.024568162858486176 at:0.022116199135780334 is:0.020768973976373672 on:0.013629214838147163\n",
"['amonguwcantile']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tina']\n",
"<unk>:0.17415136098861694 the:0.011404924094676971 i:0.00973790604621172 part:0.009573590010404587 to:0.009499441832304 of:0.00833511259406805 and:0.006857326254248619 a:0.004881657660007477\n",
"['taenia']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['tins']\n",
"<unk>:0.20806990563869476 is:0.019700638949871063 city:0.017964685335755348 was:0.012854157015681267 time:0.0107180867344141 country:0.00921311043202877 i:0.008146370761096478 of:0.007540339604020119\n",
"['thenemergency']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['mortg']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['regularnfreight']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['above']\n",
"<unk>:0.2134244740009308 the:0.16973528265953064 named:0.059144437313079834 all:0.04076893627643585 described:0.03093760460615158 and:0.017165910452604294 mentioned:0.016959425061941147 entitled:0.014451376162469387\n",
"['acreswbtcb']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['openration']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['general']\n",
"<unk>:0.2604723274707794 assembly:0.049911245703697205 and:0.02619577758014202 of:0.017032787203788757 government:0.01208591926842928 election:0.009222913533449173 in:0.008909821510314941 welfare:0.006836731918156147\n",
"['sermons']\n",
"<unk>:0.1440742462873459 and:0.07919863611459732 in:0.05637800693511963 of:0.04322259873151779 the:0.03265126794576645 are:0.0284905806183815 by:0.025924842804670334 were:0.022143322974443436\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['lease']\n",
"of:0.14120306074619293 <unk>:0.09947798401117325 and:0.07691846787929535 to:0.03302691504359245 the:0.028506560251116753 or:0.026981230825185776 for:0.020693324506282806 is:0.018087688833475113\n",
"['contract']\n",
"<unk>:0.10080977529287338 for:0.08638067543506622 with:0.0682949498295784 and:0.06746125966310501 to:0.04800001531839371 was:0.02882704883813858 of:0.027455411851406097 is:0.026684053242206573\n",
"['walking']\n",
"<unk>:0.14612647891044617 in:0.06394986808300018 on:0.03825285658240318 up:0.03652298450469971 over:0.03399258479475975 through:0.023061713203787804 with:0.021861528977751732 and:0.020956669002771378\n",
"['andnmaking']\n",
"the:0.1357102394104004 a:0.09648799151182175 <unk>:0.06877578049898148 it:0.028031015768647194 this:0.025908373296260834 his:0.019422229379415512 them:0.01711447164416313 him:0.01596330851316452\n",
"['constant']\n",
"<unk>:0.2804747521877289 and:0.040818337351083755 use:0.015371877700090408 pain:0.013087838888168335 demand:0.008282843977212906 as:0.008112362585961819 flow:0.0072215041145682335 nly:0.006755864713340998\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['should']\n",
"be:0.32915517687797546 <unk>:0.12762056291103363 not:0.0771702229976654 have:0.044952332973480225 bo:0.023956747725605965 he:0.015302123501896858 the:0.010673433542251587 do:0.0077361175790429115\n",
"['indisposed']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['al']\n",
"<unk>:0.2787841558456421 nthough:0.052049871534109116 the:0.04724082350730896 nways:0.044851914048194885 nmost:0.02478102594614029 nlowed:0.019718527793884277 a:0.015856657177209854 nready:0.012552413158118725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['took']\n",
"the:0.1170763149857521 <unk>:0.11296505481004715 a:0.09354402124881744 place:0.0767567977309227 up:0.03325435519218445 his:0.026062775403261185 it:0.02249281480908394 him:0.017345847561955452\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['aneoudy']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['th']\n",
"<unk>:0.20856480300426483 day:0.17502973973751068 of:0.04865522310137749 and:0.025335680693387985 street:0.013732117600739002 daynof:0.011129848659038544 the:0.009347060695290565 </s>:0.007662114687263966\n",
"['mind']\n",
"<unk>:0.11170165240764618 that:0.07263562083244324 and:0.07195451110601425 of:0.0587562695145607 to:0.04741440340876579 the:0.03989575803279877 is:0.02963760681450367 in:0.019707677885890007\n",
"['hard']\n",
"<unk>:0.1812303215265274 to:0.15530513226985931 and:0.04986322671175003 work:0.03630376607179642 times:0.023355040699243546 for:0.021120507270097733 at:0.020120222121477127 as:0.01468564197421074\n",
"['substances']\n",
"<unk>:0.16880473494529724 the:0.07435278594493866 in:0.06714940816164017 and:0.05531192198395729 which:0.04034387692809105 to:0.039888039231300354 of:0.03586370125412941 all:0.031452685594558716\n",
"['re']\n",
"<unk>:0.4849739074707031 nported:0.01689726673066616 nturn:0.01306796632707119 npublicans:0.012595686130225658 nturned:0.012481450103223324 nquired:0.012264815159142017 nport:0.011022060178220272 and:0.010753951966762543\n",
"['costumen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['iun']\n",
"<unk>:0.21260015666484833 and:0.0738556981086731 of:0.04064266383647919 the:0.034868452697992325 to:0.014289637096226215 that:0.014229909516870975 a:0.01390062551945448 i:0.012005639262497425\n",
"['medical']\n",
"<unk>:0.2125360667705536 discovery:0.060757674276828766 treatment:0.051028504967689514 profession:0.04430364444851875 men:0.02850290574133396 and:0.014522680081427097 faculty:0.014229709282517433 skill:0.013784419745206833\n",
"['young']\n",
"<unk>:0.2482716292142868 man:0.09017539769411087 men:0.05635121464729309 and:0.03694508597254753 people:0.029998168349266052 lady:0.029947416856884956 woman:0.023665934801101685 women:0.01696133427321911\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['canes']\n",
"<unk>:0.12541404366493225 and:0.1250179409980774 in:0.05555659160017967 of:0.040497202426195145 to:0.032787952572107315 the:0.030142849311232567 are:0.02969786338508129 or:0.020730165764689445\n",
"['pro']\n",
"<unk>:0.4403158128261566 nvisions:0.0725899487733841 nceedings:0.07007888704538345 nvided:0.048029251396656036 ntection:0.040083352476358414 nduced:0.02273876778781414 nduction:0.017649641260504723 nposed:0.013829520903527737\n",
"['again']\n",
"<unk>:0.14878974854946136 and:0.07179011404514313 the:0.04671431705355644 to:0.04226791486144066 in:0.04168761149048805 he:0.02170967496931553 at:0.020122939720749855 as:0.018241219222545624\n",
"['aud']\n",
"<unk>:0.23423197865486145 the:0.06738097220659256 a:0.015234891325235367 in:0.014223162084817886 that:0.012887268327176571 to:0.011937431059777737 it:0.010239665396511555 i:0.008323781192302704\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['missnmary']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['money']\n",
"<unk>:0.1271144449710846 and:0.07375006377696991 to:0.06113803759217262 in:0.052252210676670074 for:0.03330107778310776 is:0.0258395466953516 of:0.02133256569504738 was:0.018115758895874023\n",
"['tonthe']\n",
"<unk>:0.10488659143447876 state:0.012775711715221405 highest:0.010928270407021046 united:0.00761790107935667 other:0.006926734931766987 city:0.0066419607028365135 house:0.006446809973567724 people:0.006210062187165022\n",
"['paying']\n",
"the:0.13666026294231415 <unk>:0.12079126387834549 a:0.05796445906162262 for:0.057551320642232895 their:0.014342325739562511 to:0.012519040144979954 out:0.012366227805614471 his:0.011550216935575008\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['any']\n",
"<unk>:0.18500959873199463 other:0.058487359434366226 of:0.05493040755391121 one:0.03391449525952339 person:0.03100009076297283 time:0.017893556505441666 part:0.015694627538323402 way:0.014333382248878479\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['disciarge']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['firstn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['opera']\n",
"<unk>:0.18998198211193085 house:0.1758398860692978 ntion:0.08129424601793289 ntions:0.067584328353405 and:0.031220292672514915 ntive:0.026972556486725807 was:0.01840975135564804 company:0.013676516711711884\n",
"['th']\n",
"<unk>:0.20856480300426483 day:0.17502973973751068 of:0.04865522310137749 and:0.025335680693387985 street:0.013732117600739002 daynof:0.011129848659038544 the:0.009347060695290565 </s>:0.007662114687263966\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['streamsofn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thentwenty']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['only']\n",
"<unk>:0.16589561104774475 a:0.06038087606430054 to:0.046623602509498596 the:0.036858413368463516 in:0.03357406705617905 one:0.02650539204478264 by:0.017633434385061264 be:0.01402018778026104\n",
"['mitigate']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['congressnwent']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['thirdn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['notnbeen']\n",
"<unk>:0.051682908087968826 in:0.028632717207074165 able:0.028219323605298996 a:0.023831557482481003 made:0.022460289299488068 to:0.020734164863824844 paid:0.01935078203678131 for:0.015687914565205574\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['fees']\n",
"and:0.12198785692453384 as:0.10826299339532852 <unk>:0.10010122507810593 in:0.04916853457689285 for:0.04733391851186752 of:0.03886432945728302 to:0.028853479772806168 at:0.027936415746808052\n",
"['operations']\n",
"of:0.20157182216644287 <unk>:0.07735247164964676 in:0.07026699185371399 and:0.054436095058918 the:0.029518045485019684 on:0.025786589831113815 at:0.02535117231309414 are:0.022529860958456993\n",
"['theirn']\n",
"<unk>:0.18050238490104675 and:0.009713971987366676 feet:0.004620844963937998 to:0.004466369282454252 the:0.004267761018127203 men:0.0042529478669166565 votes:0.004191650077700615 </s>:0.003551966045051813\n",
"['ground']\n",
"<unk>:0.1374719738960266 and:0.06979455798864365 that:0.060389481484889984 of:0.04216333478689194 in:0.03245219215750694 with:0.030342867597937584 the:0.027031153440475464 for:0.026427827775478363\n",
"['husbandnagainst']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['werepioudn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ben']\n",
"<unk>:0.3764496147632599 the:0.020264847204089165 a:0.01654512993991375 in:0.008669160306453705 and:0.008185388520359993 i:0.008156510069966316 </s>:0.007305471692234278 made:0.006215563043951988\n",
"['morillon']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['discovered']\n",
"that:0.1657053679227829 <unk>:0.08557719737291336 the:0.06439746916294098 by:0.055778633803129196 in:0.054010916501283646 a:0.04910340532660484 and:0.03922651335597038 at:0.024240363389253616\n",
"['thenpossession']\n",
"of:0.941351056098938 ot:0.014150610193610191 ofnthe:0.011494823731482029 and:0.005016795825213194 ol:0.0030394236091524363 <unk>:0.002623502630740404 thereof:0.002562682842835784 the:0.001228642649948597\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['tonoppose']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['divertnthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['againn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['roadisnearlyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['detectn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hope']\n",
"that:0.15963827073574066 of:0.126298725605011 to:0.09961661696434021 <unk>:0.08115705847740173 for:0.04386403411626816 and:0.036458127200603485 the:0.028813958168029785 he:0.016749925911426544\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['behind']\n",
"the:0.19296468794345856 <unk>:0.1321360021829605 him:0.0704341009259224 a:0.04630746319890022 and:0.04074036329984665 it:0.027944916859269142 them:0.02645401656627655 me:0.02014870010316372\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['outhouses']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mn']\n",
"<unk>:0.2731979489326477 and:0.03962032496929169 to:0.02783951908349991 a:0.026626110076904297 from:0.02586328238248825 of:0.0250251442193985 in:0.019363021478056908 the:0.015526673756539822\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['andnthe']\n",
"<unk>:0.10762743651866913 other:0.014708217233419418 same:0.008086836896836758 first:0.00714407442137599 whole:0.006792465224862099 most:0.006189970299601555 people:0.005712251644581556 amount:0.005635734181851149\n",
"['huencsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['o']\n",
"<unk>:0.24368269741535187 the:0.03929440677165985 a:0.02052825130522251 and:0.01449020579457283 </s>:0.01096494309604168 n:0.010541604831814766 b:0.009924139827489853 e:0.008779958821833134\n",
"['treasury']\n",
"<unk>:0.1316010057926178 department:0.06618507206439972 of:0.05438493564724922 and:0.05184945464134216 to:0.045393165200948715 in:0.04051020368933678 the:0.02396400272846222 for:0.02249954268336296\n",
"['e']\n",
"<unk>:0.3054422438144684 ft:0.016973424702882767 of:0.01695161685347557 feet:0.015774786472320557 a:0.015113754197955132 and:0.012072003446519375 m:0.01184568740427494 h:0.011433434672653675\n",
"['exploded']\n",
"<unk>:0.1921186000108719 in:0.08924645185470581 the:0.07538346946239471 and:0.06848867237567902 on:0.030416181311011314 with:0.027567142620682716 a:0.02598527818918228 to:0.021123424172401428\n",
"['years']\n",
"ago:0.13740231096744537 <unk>:0.10280637443065643 of:0.07860442996025085 and:0.05356687679886818 old:0.030458707362413406 in:0.02989320643246174 the:0.029520943760871887 to:0.019967421889305115\n",
"['stephens']\n",
"<unk>:0.14080682396888733 and:0.07604499906301498 of:0.04023630544543266 was:0.028219003230333328 is:0.024343673139810562 has:0.023731088265776634 the:0.015483920462429523 who:0.015084139071404934\n",
"['official']\n",
"<unk>:0.19469313323497772 plat:0.03297484666109085 and:0.020649177953600883 duties:0.01900983601808548 of:0.0185564998537302 report:0.015510990284383297 circles:0.011624598875641823 statement:0.01118343137204647\n",
"['advantages']\n",
"of:0.25207948684692383 <unk>:0.10111997276544571 to:0.06417372077703476 and:0.055902257561683655 in:0.03812180832028389 that:0.026585761457681656 the:0.02594405971467495 for:0.02359752170741558\n",
"['willnsoon']\n",
"be:0.4031488299369812 <unk>:0.07469261437654495 have:0.026569534093141556 bo:0.023434162139892578 do:0.0215336624532938 make:0.0159407090395689 see:0.011431043967604637 come:0.01136771310120821\n",
"['reasons']\n",
"for:0.15347057580947876 <unk>:0.09848923981189728 why:0.08077502995729446 that:0.04239727929234505 to:0.033093906939029694 the:0.030562860891222954 of:0.02516169287264347 and:0.02207934856414795\n",
"['rr']\n",
"<unk>:0.3406580984592438 a:0.02553766407072544 to:0.02233235165476799 the:0.018928859382867813 of:0.013135581277310848 e:0.0130102364346385 t:0.012365346774458885 and:0.011355902068316936\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['anhorn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tried']\n",
"to:0.3083416521549225 <unk>:0.11183274537324905 the:0.04286020249128342 in:0.03821004554629326 and:0.028945501893758774 for:0.027267972007393837 it:0.02253348007798195 at:0.020127302035689354\n",
"['sight']\n",
"of:0.3340959846973419 <unk>:0.10373575985431671 and:0.06889583170413971 to:0.041171588003635406 the:0.02487736940383911 in:0.021113678812980652 that:0.014140356332063675 but:0.011209527030587196\n",
"['indian']\n",
"<unk>:0.21871787309646606 territory:0.06108661741018295 affairs:0.02930048480629921 and:0.022367186844348907 tribes:0.016901811584830284 in:0.01083057839423418 reservation:0.009800245054066181 corn:0.00839680340141058\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['whon']\n",
"<unk>:0.16171114146709442 the:0.08145460486412048 he:0.04508152976632118 it:0.04210944473743439 i:0.03724900633096695 a:0.03080781176686287 they:0.014484706334769726 we:0.013502221554517746\n",
"['itevi']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['haviug']\n",
"<unk>:0.16591574251651764 been:0.14786112308502197 a:0.044474776834249496 the:0.02830319106578827 made:0.016839085146784782 of:0.011591504327952862 given:0.010100921615958214 no:0.00827248115092516\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['would']\n",
"be:0.15273810923099518 <unk>:0.13132600486278534 have:0.08837670832872391 not:0.07991773635149002 make:0.01737385056912899 do:0.01413943711668253 bo:0.010190516710281372 like:0.009767788462340832\n",
"['thingsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['dial']\n",
"<unk>:0.16468247771263123 the:0.0415000393986702 of:0.03342112898826599 and:0.03254164382815361 a:0.02080623432993889 he:0.018903028219938278 that:0.01492102537304163 i:0.013662842102348804\n",
"['farmersn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bradford']\n",
"<unk>:0.1651582270860672 county:0.07466377317905426 and:0.048456620424985886 of:0.044529255479574203 who:0.016332751139998436 </s>:0.014992485754191875 was:0.01471559889614582 is:0.012400169856846333\n",
"['railroad']\n",
"<unk>:0.13653065264225006 company:0.07371459901332855 and:0.03913036361336708 companies:0.022625025361776352 to:0.020303072407841682 in:0.018188590183854103 is:0.01619061641395092 track:0.013583413325250149\n",
"['dealn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['miller']\n",
"<unk>:0.2237888127565384 and:0.05377453193068504 of:0.03351844847202301 was:0.021865330636501312 the:0.01845143549144268 mrs:0.01446107029914856 a:0.013919242657721043 deceased:0.010521153919398785\n",
"['idling']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['shown']\n",
"by:0.13853339850902557 in:0.09954690933227539 that:0.08913648128509521 <unk>:0.07114771008491516 to:0.05356547236442566 the:0.042011674493551254 on:0.03759371489286423 a:0.021866582334041595\n",
"['alnlowed']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['battle']\n",
"of:0.16748636960983276 <unk>:0.12879745662212372 and:0.06037783995270729 with:0.03310783952474594 in:0.02837570384144783 for:0.025616459548473358 the:0.02518182247877121 is:0.023565242066979408\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['deplored']\n",
"the:0.16917608678340912 and:0.0664079487323761 <unk>:0.06531669199466705 to:0.040440578013658524 it:0.03735892474651337 that:0.03562736511230469 by:0.03407394886016846 in:0.016440190374851227\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['thence']\n",
"<unk>:0.1325051188468933 n:0.10987993329763412 north:0.09617821872234344 south:0.08914776146411896 s:0.051775217056274414 east:0.03571660444140434 along:0.035672418773174286 west:0.0307348370552063\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['particularlyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['theirnown']\n",
"<unk>:0.10698898136615753 hands:0.015911586582660675 interests:0.013277390040457249 and:0.012108857743442059 homes:0.010181374847888947 way:0.0061984071508049965 or:0.005738415289670229 business:0.005601126700639725\n",
"['cleared']\n",
"<unk>:0.11197203397750854 the:0.07284581661224365 away:0.06729547679424286 and:0.06608675420284271 of:0.05893310531973839 up:0.054803550243377686 in:0.028878021985292435 out:0.02768474817276001\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['shows']\n",
"that:0.23233187198638916 <unk>:0.09609819948673248 a:0.07907784730195999 the:0.07497258484363556 an:0.024450484663248062 how:0.024042116478085518 thatnthe:0.01494026742875576 it:0.013490065932273865\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['companionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['levied']\n",
"upon:0.18656104803085327 on:0.15004776418209076 and:0.09249315410852432 <unk>:0.061246808618307114 by:0.05500473827123642 in:0.03408810496330261 for:0.02795666828751564 at:0.015321583487093449\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['accordinglyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['failednshe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['lieutenantnp']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['innjail']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ol']\n",
"<unk>:0.23865024745464325 the:0.20971642434597015 a:0.025130726397037506 tho:0.011873121373355389 this:0.01160435564815998 said:0.009338573552668095 his:0.009322249330580235 tbe:0.00882399920374155\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['now']\n",
"<unk>:0.14582782983779907 in:0.04832162708044052 the:0.024043085053563118 and:0.021647101268172264 that:0.019400129094719887 a:0.017484351992607117 to:0.014732500538229942 on:0.013634675182402134\n",
"['war']\n",
"<unk>:0.11769980192184448 and:0.056337323039770126 of:0.03036773018538952 with:0.030054394155740738 department:0.029660487547516823 in:0.028225170448422432 the:0.02553398162126541 is:0.022466186434030533\n",
"['actn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['othersnare']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['con']\n",
"<unk>:0.42463621497154236 nsidered:0.03714806213974953 nducted:0.03513865917921066 ngress:0.03487222641706467 ncerned:0.021299201995134354 nditions:0.019859950989484787 nsumption:0.01881428062915802 nference:0.014918499626219273\n",
"['thisn']\n",
"<unk>:0.25579094886779785 th:0.17176546156406403 the:0.02118796296417713 rd:0.01572372391819954 a:0.010936521925032139 st:0.009146014228463173 was:0.009136886335909367 is:0.00814779382199049\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['dam']\n",
"<unk>:0.14649218320846558 and:0.0680098682641983 nage:0.06365066021680832 of:0.03490461781620979 in:0.028396720066666603 is:0.027834929525852203 was:0.0252065509557724 the:0.023261748254299164\n",
"['proceed']\n",
"to:0.425176203250885 <unk>:0.10220862925052643 with:0.04816386476159096 at:0.031193461269140244 in:0.029155300930142403 on:0.027606502175331116 and:0.017616022378206253 from:0.016669021919369698\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['nis']\n",
"<unk>:0.24707332253456116 a:0.024791689589619637 to:0.023147964850068092 the:0.023029141128063202 no:0.012235263362526894 not:0.011410029605031013 in:0.0111054303124547 of:0.010683516971766949\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['bridges']\n",
"<unk>:0.15128128230571747 and:0.1270933449268341 in:0.04476069286465645 to:0.027808863669633865 of:0.025372423231601715 the:0.02429736591875553 at:0.019204216077923775 over:0.01812807098031044\n",
"['makensuch']\n",
"a:0.17462103068828583 <unk>:0.08415822684764862 the:0.030293148010969162 an:0.024321595206856728 money:0.01327548734843731 evidence:0.010755621828138828 security:0.00677300151437521 well:0.004198349080979824\n",
"['doltrn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['investigate']\n",
"the:0.286430686712265 <unk>:0.11629680544137955 and:0.06475479900836945 this:0.021179767325520515 a:0.01751800812780857 tho:0.016827916726469994 his:0.016595060005784035 which:0.01508532464504242\n",
"['prevent']\n",
"the:0.211342453956604 <unk>:0.20635399222373962 any:0.04015278071165085 a:0.03679881989955902 his:0.022790737450122833 it:0.018953904509544373 them:0.017277874052524567 its:0.015117942355573177\n",
"['whether']\n",
"the:0.161294087767601 <unk>:0.11928736418485641 it:0.08878779411315918 he:0.05603349953889847 or:0.04515042155981064 they:0.04053612798452377 a:0.020081348717212677 we:0.019859585911035538\n",
"['mental']\n",
"<unk>:0.3527127802371979 and:0.0749635100364685 condition:0.02092616818845272 faculties:0.020921537652611732 or:0.013962424360215664 energy:0.01124305184930563 anguish:0.00985906831920147 power:0.008519944734871387\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['bottom']\n",
"of:0.36681067943573 <unk>:0.0930415615439415 and:0.06440629065036774 the:0.024667836725711823 in:0.01911536417901516 to:0.013736804947257042 is:0.013007054105401039 or:0.012411896139383316\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['shen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['establish']\n",
"a:0.22134403884410858 <unk>:0.12295366823673248 the:0.11947643011808395 an:0.040499597787857056 nment:0.03227506950497627 and:0.030580392107367516 it:0.01606784574687481 this:0.013046409003436565\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['some']\n",
"<unk>:0.17425395548343658 of:0.17399758100509644 time:0.033102847635746 one:0.019578879699110985 other:0.01773841679096222 years:0.014443687163293362 ofnthe:0.009550128132104874 way:0.007940506562590599\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['firmness']\n",
"of:0.24370434880256653 and:0.15067563951015472 <unk>:0.13020342588424683 in:0.029081445187330246 the:0.024668889120221138 as:0.02428506687283516 to:0.023567521944642067 at:0.020584873855113983\n",
"['after']\n",
"the:0.20441681146621704 <unk>:0.14804354310035706 a:0.06892264634370804 all:0.019622862339019775 his:0.01757059060037136 he:0.015803994610905647 this:0.01576254889369011 it:0.01468038558959961\n",
"['candidatesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nclared']\n",
"that:0.20259056985378265 the:0.14253170788288116 to:0.06280483305454254 <unk>:0.052979156374931335 in:0.03945492208003998 and:0.02518947795033455 a:0.023849239572882652 by:0.020828653126955032\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['onlynid']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['twentynmountain']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['el']\n",
"<unk>:0.27954089641571045 paso:0.13577871024608612 dorado:0.07659522444009781 the:0.031059786677360535 and:0.011964295990765095 reno:0.010631870478391647 a:0.009632124565541744 of:0.008927509188652039\n",
"['archives']\n",
"of:0.526085376739502 and:0.07193240523338318 <unk>:0.045300405472517014 to:0.040110863745212555 ofnthe:0.021259823814034462 in:0.02116530016064644 for:0.020276809111237526 as:0.014946283772587776\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['wet']\n",
"<unk>:0.2133256494998932 and:0.08943813294172287 the:0.037019405514001846 to:0.02173691801726818 weather:0.0202462300658226 with:0.01840927079319954 or:0.0158790722489357 feet:0.014049394056200981\n",
"['about']\n",
"<unk>:0.16251502931118011 the:0.1293736845254898 a:0.04998978599905968 to:0.03513412922620773 it:0.02537279948592186 two:0.01648150384426117 one:0.013926786370575428 this:0.011903013102710247\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['attempt']\n",
"to:0.4627750813961029 <unk>:0.0944969430565834 at:0.0410626158118248 was:0.030274121090769768 of:0.022743767127394676 the:0.018559418618679047 is:0.014710643328726292 a:0.014255275949835777\n",
"['cream']\n",
"<unk>:0.1601206213235855 and:0.10379453748464584 of:0.04819925129413605 in:0.03066459484398365 or:0.02438436821103096 is:0.022188987582921982 for:0.01760217733681202 as:0.013127854093909264\n",
"['about']\n",
"<unk>:0.16251502931118011 the:0.1293736845254898 a:0.04998978599905968 to:0.03513412922620773 it:0.02537279948592186 two:0.01648150384426117 one:0.013926786370575428 this:0.011903013102710247\n",
"['recofnud']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['adults']\n",
"<unk>:0.12623731791973114 and:0.10681506246328354 are:0.050159960985183716 in:0.027208879590034485 were:0.026693349704146385 the:0.024008668959140778 of:0.023317284882068634 who:0.020739376544952393\n",
"['oflicosaturday']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['devoted']\n",
"to:0.501691997051239 <unk>:0.118719682097435 the:0.023956021293997765 himself:0.01632753014564514 in:0.012877200730144978 his:0.012627850286662579 a:0.010853322222828865 by:0.009298999793827534\n",
"['points']\n",
"of:0.11143999546766281 <unk>:0.10925547778606415 in:0.09603301435709 to:0.048679471015930176 and:0.04074467346072197 out:0.03512126952409744 on:0.034931957721710205 the:0.03259660676121712\n",
"['io']\n",
"<unk>:0.28518131375312805 the:0.10525453090667725 a:0.03110467828810215 be:0.020297398790717125 and:0.009505776688456535 this:0.008265561424195766 have:0.007752645295113325 tho:0.007305063772946596\n",
"['omalley']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nevadan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['against']\n",
"the:0.2738054692745209 <unk>:0.152723491191864 a:0.03329215198755264 him:0.031179992482066154 you:0.019863685593008995 them:0.019047236070036888 it:0.017267173156142235 any:0.01693078689277172\n",
"['wasn']\n",
"<unk>:0.17828217148780823 a:0.06104143708944321 to:0.04011765867471695 the:0.035765957087278366 and:0.0352165661752224 in:0.03417397290468216 years:0.025945717468857765 per:0.017281075939536095\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['see']\n",
"the:0.1387183666229248 <unk>:0.11348575353622437 that:0.08976425975561142 it:0.03648821637034416 a:0.03625258430838585 what:0.031284600496292114 how:0.029784224927425385 him:0.028021840378642082\n",
"['stopped']\n",
"<unk>:0.1123824492096901 at:0.09400684386491776 the:0.06827438622713089 and:0.05629267171025276 to:0.047711778432130814 by:0.039366234093904495 in:0.033536311239004135 a:0.021379966288805008\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['onen']\n",
"<unk>:0.23337608575820923 of:0.05025946721434593 and:0.037371858954429626 the:0.03028450347483158 in:0.020254120230674744 a:0.019458163529634476 n:0.015199031680822372 to:0.014889995567500591\n",
"['ac']\n",
"<unk>:0.382190078496933 ncount:0.06196482107043266 ntion:0.05981988459825516 ncording:0.043447427451610565 ntive:0.026432160288095474 ncompanied:0.023367634043097496 </s>:0.014715773984789848 and:0.014399437233805656\n",
"['bv']\n",
"<unk>:0.20459698140621185 the:0.20183956623077393 a:0.052715953439474106 said:0.017490455880761147 law:0.012182035483419895 his:0.011301024816930294 virtue:0.010066976770758629 all:0.008890512399375439\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['anddtbei']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['prominently']\n",
"in:0.1883261799812317 <unk>:0.09532144665718079 and:0.052610132843256 to:0.03282664716243744 as:0.022388292476534843 at:0.02068440243601799 before:0.020347686484456062 on:0.01627630926668644\n",
"['grandn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fromn']\n",
"to:0.6022941470146179 <unk>:0.08413857221603394 the:0.02710115723311901 a:0.024180108681321144 cents:0.01099067460745573 and:0.010230590589344501 oclock:0.01012511644512415 at:0.007927066646516323\n",
"['los']\n",
"angeles:0.8590654134750366 <unk>:0.05501744523644447 augeles:0.04166267812252045 angelea:0.005465042777359486 of:0.004755865316838026 ning:0.002270574914291501 and:0.0015291385352611542 a:0.0010871172416955233\n",
"['boy']\n",
"<unk>:0.13672323524951935 and:0.060666948556900024 who:0.052784062922000885 was:0.036763954907655716 in:0.02786336839199066 to:0.02626843936741352 of:0.02175859734416008 is:0.020241303369402885\n",
"['took']\n",
"the:0.1170763149857521 <unk>:0.11296505481004715 a:0.09354402124881744 place:0.0767567977309227 up:0.03325435519218445 his:0.026062775403261185 it:0.02249281480908394 him:0.017345847561955452\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['winternthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['means']\n",
"of:0.24562428891658783 <unk>:0.10788917541503906 to:0.07129447907209396 that:0.037620894610881805 the:0.027537407353520393 a:0.02209606021642685 and:0.019877590239048004 for:0.019299056380987167\n",
"['lotn']\n",
"block:0.1450953334569931 <unk>:0.09705270081758499 and:0.08430717885494232 the:0.08329811692237854 of:0.03644370287656784 thence:0.029817942529916763 in:0.027083177119493484 a:0.024536190554499626\n",
"['increased']\n",
"<unk>:0.1654009371995926 to:0.05041933059692383 the:0.04814339429140091 in:0.04645838588476181 by:0.0353567898273468 from:0.029462501406669617 and:0.027926839888095856 cost:0.013565325178205967\n",
"['tardy']\n",
"<unk>:0.11048264801502228 in:0.026634596288204193 and:0.021019214764237404 it:0.01014014519751072 is:0.009879404678940773 for:0.009510960429906845 with:0.007903858087956905 as:0.007595004513859749\n",
"['work']\n",
"<unk>:0.11298108845949173 of:0.11226373165845871 and:0.0586644783616066 in:0.05615153908729553 on:0.033672936260700226 for:0.0300936009734869 to:0.02807605266571045 is:0.027751602232456207\n",
"['sending']\n",
"<unk>:0.13122940063476562 the:0.09827296435832977 a:0.07642515003681183 of:0.04954342916607857 to:0.04937640577554703 out:0.04780634492635727 them:0.03379190340638161 him:0.02915787510573864\n",
"['now']\n",
"<unk>:0.14582782983779907 in:0.04832162708044052 the:0.024043085053563118 and:0.021647101268172264 that:0.019400129094719887 a:0.017484351992607117 to:0.014732500538229942 on:0.013634675182402134\n",
"['t']\n",
"<unk>:0.28939637541770935 the:0.02755691297352314 he:0.018271269276738167 a:0.014846747741103172 i:0.014116593636572361 e:0.013188501819968224 </s>:0.012891022488474846 of:0.01282279472798109\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['here']\n",
"<unk>:0.10610684007406235 and:0.06606689095497131 in:0.04275642707943916 the:0.03570415452122688 is:0.034966688603162766 to:0.03382405638694763 that:0.022151323035359383 for:0.01954740099608898\n",
"['plain']\n",
"<unk>:0.17160926759243011 and:0.08530061691999435 that:0.05712166801095009 to:0.027301102876663208 ntiff:0.014926762320101261 but:0.0131691237911582 as:0.011217179708182812 in:0.01065224502235651\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['makenadisplay']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['majority']\n",
"of:0.48403409123420715 <unk>:0.07371335476636887 in:0.05061936751008034 and:0.02484203316271305 ofnthe:0.022413345053792 to:0.012008944526314735 for:0.01191259827464819 the:0.010155594907701015\n",
"['so']\n",
"<unk>:0.16613399982452393 that:0.06904952228069305 much:0.055355582386255264 far:0.03518113121390343 long:0.02733159437775612 many:0.025362104177474976 as:0.025081202387809753 the:0.01576620154082775\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['kindledngrowth']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['you']\n",
"<unk>:0.13895928859710693 are:0.05453449860215187 have:0.04940473288297653 will:0.04826496168971062 can:0.02910381741821766 to:0.021997731178998947 know:0.018536847084760666 and:0.018030114471912384\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['extent']\n",
"of:0.21843767166137695 <unk>:0.08647295087575912 that:0.07813141494989395 and:0.05014894902706146 the:0.0468493290245533 to:0.03757300600409508 in:0.032091375440359116 as:0.03158409893512726\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['list']\n",
"of:0.35326704382896423 <unk>:0.10308028012514114 and:0.03279793635010719 the:0.02278781682252884 to:0.021510088816285133 was:0.017137590795755386 in:0.015972763299942017 is:0.01581834815442562\n",
"['laws']\n",
"of:0.2926417589187622 <unk>:0.07920004427433014 and:0.06513220816850662 to:0.021352635696530342 are:0.020686350762844086 which:0.019511468708515167 in:0.018110916018486023 as:0.015202035196125507\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['inton']\n",
"<unk>:0.27751678228378296 the:0.07302019000053406 a:0.016739914193749428 in:0.014773626811802387 and:0.01339759025722742 i:0.01200797688215971 to:0.010748693719506264 it:0.007759815081954002\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['beforenthe']\n",
"<unk>:0.09525133669376373 war:0.0180116705596447 last:0.01667601801455021 first:0.014059309847652912 people:0.0135458679869771 time:0.012291867285966873 court:0.011738286353647709 th:0.011381315998733044\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['protest']\n",
"against:0.19871455430984497 <unk>:0.10301510244607925 of:0.07019186019897461 and:0.06782789528369904 to:0.03785805031657219 againstnthe:0.031488802284002304 that:0.028018474578857422 in:0.025820864364504814\n",
"['largen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['vigorn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['al']\n",
"<unk>:0.2787841558456421 nthough:0.052049871534109116 the:0.04724082350730896 nways:0.044851914048194885 nmost:0.02478102594614029 nlowed:0.019718527793884277 a:0.015856657177209854 nready:0.012552413158118725\n",
"['down']\n",
"the:0.12659093737602234 to:0.1152196153998375 <unk>:0.1105494424700737 and:0.06293272972106934 in:0.04879021644592285 on:0.027861403301358223 with:0.02554458938539028 by:0.024915823712944984\n",
"['heirs']\n",
"of:0.17381200194358826 <unk>:0.1444905698299408 and:0.13121870160102844 devisees:0.10003997385501862 at:0.054152343422174454 or:0.04743397608399391 in:0.025153176859021187 executors:0.025111710652709007\n",
"['reached']\n",
"the:0.20360074937343597 <unk>:0.13265734910964966 a:0.04670480638742447 by:0.03856392577290535 and:0.02350371703505516 in:0.02152562513947487 tho:0.017822809517383575 his:0.017508581280708313\n",
"['abandonmentn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['astonished']\n",
"to:0.12887632846832275 at:0.0926661416888237 <unk>:0.06781034171581268 and:0.0458422526717186 in:0.02582058310508728 by:0.02552577666938305 the:0.025054452940821648 for:0.019568128511309624\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['offthencoast']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['foreigners']\n",
"<unk>:0.10915637761354446 and:0.07803159952163696 who:0.06781721115112305 in:0.06035907566547394 are:0.03649565577507019 were:0.03495047986507416 to:0.034028708934783936 of:0.0179506316781044\n",
"['oat']\n",
"<unk>:0.17121188342571259 of:0.16023653745651245 the:0.04946036636829376 and:0.04386153817176819 in:0.023400763049721718 to:0.021836385130882263 a:0.020632341504096985 that:0.014296580106019974\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['show']\n",
"that:0.16032183170318604 <unk>:0.1309603452682495 the:0.08648029714822769 a:0.045872561633586884 it:0.025439880788326263 of:0.0229464303702116 cause:0.02131005935370922 and:0.01729845069348812\n",
"['en']\n",
"<unk>:0.3404906094074249 ntered:0.06942591071128845 route:0.0423940010368824 ntirely:0.03167496994137764 the:0.025974242016673088 ntitled:0.025015324354171753 ngaged:0.015332464128732681 ntire:0.01478498987853527\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['home']\n",
"<unk>:0.14371390640735626 and:0.07486248016357422 in:0.060824621468782425 of:0.057508647441864014 to:0.030677257105708122 the:0.02304030954837799 on:0.02136209048330784 at:0.02059890888631344\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['intendednh']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['recipro']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['mostninstances']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sodan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['lears']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thank']\n",
"you:0.2007993459701538 god:0.13084881007671356 <unk>:0.09685292094945908 the:0.07464390248060226 them:0.03004523739218712 me:0.029716702178120613 goodness:0.02580413967370987 him:0.024753717705607414\n",
"['dominionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bolls']\n",
"<unk>:0.17985188961029053 and:0.0877973735332489 to:0.05070849135518074 in:0.030688442289829254 of:0.02839435078203678 the:0.028367893770337105 at:0.025593331083655357 that:0.018234429880976677\n",
"['crossing']\n",
"the:0.26736146211624146 <unk>:0.13093812763690948 of:0.07049692422151566 and:0.03148666024208069 a:0.03000948764383793 on:0.019500773400068283 from:0.016485484316945076 it:0.016322636976838112\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['ourn']\n",
"<unk>:0.39382219314575195 and:0.011552629992365837 feet:0.00959747564047575 the:0.007690655067563057 to:0.007125630509108305 i:0.007030377630144358 a:0.005803974345326424 t:0.005078909918665886\n",
"['elawan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['die']\n",
"<unk>:0.16328251361846924 in:0.05374333634972572 and:0.037448205053806305 of:0.027027258649468422 for:0.01887926273047924 the:0.018589608371257782 on:0.0147444112226367 at:0.014206240884959698\n",
"['turnning']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['isn']\n",
"<unk>:0.1455436497926712 a:0.04267491027712822 and:0.04211031273007393 feet:0.031343743205070496 miles:0.023163456469774246 the:0.01933097466826439 to:0.018890809267759323 in:0.018090419471263885\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['rejects']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['going']\n",
"to:0.3635665476322174 <unk>:0.09872066974639893 on:0.09053020179271698 out:0.025759873911738396 into:0.019741440191864967 up:0.01940552145242691 through:0.019179990515112877 in:0.017997873947024345\n",
"['ot']\n",
"the:0.22001349925994873 <unk>:0.19508947432041168 a:0.030033614486455917 this:0.01654713787138462 tho:0.016085060313344002 his:0.013413750566542149 tbe:0.011244924739003181 said:0.010236472822725773\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['assistance']\n",
"of:0.17183196544647217 and:0.0920342430472374 <unk>:0.08400329202413559 to:0.08388832956552505 in:0.05665687099099159 from:0.0330062098801136 the:0.021727032959461212 was:0.015381456352770329\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['congress']\n",
"<unk>:0.10764116048812866 and:0.07025738060474396 to:0.061240434646606445 of:0.03795221820473671 in:0.029859187081456184 the:0.02880270779132843 is:0.02491132915019989 for:0.020609786733984947\n",
"['gazetteer']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['lnifg']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hadn']\n",
"<unk>:0.21738912165164948 been:0.04325232654809952 to:0.023180941119790077 in:0.023002387955784798 a:0.01988852024078369 had:0.010829955339431763 een:0.010464129038155079 and:0.008600907400250435\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['steeln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['onlyn']\n",
"<unk>:0.1573682725429535 per:0.03764602914452553 cents:0.036425478756427765 the:0.030982451513409615 a:0.03081069514155388 and:0.02682708203792572 years:0.023318342864513397 acres:0.020737923681735992\n",
"['orn']\n",
"<unk>:0.20705755054950714 per:0.0384085476398468 and:0.03350023180246353 the:0.024515334516763687 of:0.0238274484872818 miles:0.019973276183009148 a:0.0191848985850811 years:0.01858988031744957\n",
"['thisn']\n",
"<unk>:0.25579094886779785 th:0.17176546156406403 the:0.02118796296417713 rd:0.01572372391819954 a:0.010936521925032139 st:0.009146014228463173 was:0.009136886335909367 is:0.00814779382199049\n",
"['hensaid']\n",
"that:0.16963736712932587 he:0.11902651935815811 the:0.055998701602220535 <unk>:0.045157600194215775 it:0.03100370243191719 to:0.03076821193099022 i:0.028240665793418884 they:0.025761183351278305\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['walln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fifthn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['also']\n",
"<unk>:0.1506243199110031 the:0.05427820235490799 a:0.048811282962560654 to:0.033731523901224136 that:0.024630967527627945 in:0.023307325318455696 be:0.02253991924226284 been:0.012383674271404743\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['byn']\n",
"<unk>:0.12758350372314453 feet:0.06457981467247009 the:0.04602275416254997 a:0.03177761659026146 oclock:0.02847296930849552 to:0.010738552547991276 of:0.00951392576098442 s:0.009068152867257595\n",
"['toiigmi']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['short']\n",
"<unk>:0.15377569198608398 time:0.15327510237693787 of:0.06935683637857437 distance:0.058674346655607224 and:0.025338303297758102 the:0.016498934477567673 period:0.012025912292301655 space:0.011540999636054039\n",
"['good']\n",
"<unk>:0.1800873577594757 and:0.034809429198503494 deal:0.0223788283765316 to:0.021396957337856293 for:0.015180929563939571 as:0.014388279989361763 roads:0.011519820429384708 many:0.011263051070272923\n",
"['bottom']\n",
"of:0.36681067943573 <unk>:0.0930415615439415 and:0.06440629065036774 the:0.024667836725711823 in:0.01911536417901516 to:0.013736804947257042 is:0.013007054105401039 or:0.012411896139383316\n",
"['alreadyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['well']\n",
"as:0.17864541709423065 <unk>:0.11902722716331482 known:0.06120625138282776 and:0.03417086973786354 to:0.030580556020140648 in:0.01440605241805315 that:0.013506671413779259 for:0.012597030960023403\n",
"['covenants']\n",
"of:0.19934099912643433 and:0.10559936612844467 <unk>:0.07924157381057739 that:0.063004270195961 in:0.04212736338376999 to:0.033608172088861465 on:0.018055371940135956 the:0.017257679253816605\n",
"['increase']\n",
"of:0.1989036351442337 in:0.1828097552061081 the:0.1173853874206543 <unk>:0.08799971640110016 and:0.017947908490896225 its:0.013661563396453857 for:0.010930517688393593 their:0.010905398987233639\n",
"['systems']\n",
"of:0.2967339754104614 <unk>:0.0973721295595169 and:0.064471036195755 in:0.045329079031944275 are:0.034093257039785385 the:0.02210896648466587 but:0.014618681743741035 </s>:0.012072012759745121\n",
"['reported']\n",
"to:0.13146661221981049 <unk>:0.10822732001543045 that:0.09650663286447525 in:0.05631770193576813 by:0.040097612887620926 the:0.038240086287260056 from:0.0346764475107193 a:0.032328568398952484\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['persons']\n",
"<unk>:0.13512757420539856 who:0.10274209827184677 in:0.050369635224342346 and:0.04076937958598137 interested:0.036592185497283936 of:0.035631801933050156 to:0.032277561724185944 claiming:0.02256361022591591\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['send']\n",
"<unk>:0.15391995012760162 the:0.07501774281263351 a:0.07355421036481857 to:0.06368245929479599 for:0.047139160335063934 them:0.03998485580086708 it:0.032082315534353256 him:0.03135213628411293\n",
"['ulse']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['firescrushed']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['suitn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['oppositensides']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['theyn']\n",
"<unk>:0.11901931464672089 are:0.03142045438289642 will:0.02291155233979225 have:0.022116614505648613 e:0.01566181145608425 be:0.011756310239434242 had:0.011178616434335709 were:0.010471377521753311\n",
"['securityn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['neck']\n",
"and:0.18778906762599945 <unk>:0.13552847504615784 of:0.06766524910926819 in:0.02828274480998516 the:0.02488168515264988 with:0.02263059839606285 to:0.02183154784142971 but:0.01531869824975729\n",
"['wouldn']\n",
"<unk>:0.17154239118099213 be:0.05647148936986923 have:0.01952337846159935 and:0.016675883904099464 the:0.016219791024923325 a:0.014119818806648254 do:0.013343720696866512 e:0.01242191530764103\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['onrn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['centn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['knglandn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['usednm']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['spool']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['describedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['feversnwhich']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['way']\n",
"to:0.11863373965024948 of:0.11789263039827347 <unk>:0.1028696671128273 and:0.042230814695358276 the:0.02945132926106453 in:0.02360854111611843 that:0.020549597218632698 for:0.018282132223248482\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['brown']\n",
"<unk>:0.22061501443386078 and:0.06233518198132515 of:0.023691197857260704 was:0.017653897404670715 the:0.016541527584195137 who:0.012714781798422337 a:0.012100089341402054 hair:0.009957045316696167\n",
"['deer']\n",
"<unk>:0.17073440551757812 and:0.09544225037097931 lodge:0.04719008132815361 isle:0.03990364819765091 creek:0.025026481598615646 the:0.014731130562722683 will:0.01426425576210022 in:0.013630560599267483\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['would']\n",
"be:0.15273810923099518 <unk>:0.13132600486278534 have:0.08837670832872391 not:0.07991773635149002 make:0.01737385056912899 do:0.01413943711668253 bo:0.010190516710281372 like:0.009767788462340832\n",
"['ramey']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['from']\n",
"the:0.25287488102912903 <unk>:0.15713191032409668 a:0.034414686262607574 his:0.014321111142635345 tho:0.014128337614238262 this:0.012060044333338737 which:0.011743685230612755 to:0.011461544781923294\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['oi']\n",
"<unk>:0.26781511306762695 the:0.12787063419818878 a:0.023341944441199303 tne:0.023281697183847427 tho:0.011785191483795643 this:0.0076106516644358635 tbe:0.007064000703394413 said:0.006888304837048054\n",
"['committeenanswered']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['exclamations']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['allown']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['were']\n",
"<unk>:0.18842639029026031 not:0.03186243027448654 in:0.02326510101556778 the:0.021602017804980278 to:0.015119122341275215 made:0.013681693002581596 at:0.011016881093382835 a:0.010151950642466545\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['taylor']\n",
"<unk>:0.17433758080005646 and:0.06768446415662766 a:0.02822738327085972 of:0.027431324124336243 balsam:0.02369425632059574 was:0.02187475748360157 in:0.020444726571440697 is:0.019419090822339058\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['only']\n",
"<unk>:0.16589561104774475 a:0.06038087606430054 to:0.046623602509498596 the:0.036858413368463516 in:0.03357406705617905 one:0.02650539204478264 by:0.017633434385061264 be:0.01402018778026104\n",
"['fromtlcn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['f']\n",
"<unk>:0.33081910014152527 the:0.06714984774589539 a:0.024773625656962395 r:0.022999776527285576 m:0.012727152556180954 h:0.010183022357523441 and:0.009944108314812183 w:0.009089533239603043\n",
"['byn']\n",
"<unk>:0.12758350372314453 feet:0.06457981467247009 the:0.04602275416254997 a:0.03177761659026146 oclock:0.02847296930849552 to:0.010738552547991276 of:0.00951392576098442 s:0.009068152867257595\n",
"['me']\n",
"<unk>:0.1571723371744156 to:0.09861639887094498 and:0.05510082468390465 that:0.04905012249946594 in:0.031311556696891785 a:0.026816315948963165 i:0.02574211359024048 the:0.022411905229091644\n",
"['chances']\n",
"of:0.20476379990577698 are:0.13131317496299744 to:0.05863739550113678 for:0.05807962641119957 <unk>:0.05150783807039261 arenthat:0.04878445714712143 in:0.03805316612124443 were:0.02489974908530712\n",
"['yankeesnin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['along']\n",
"the:0.4015163481235504 <unk>:0.11914549022912979 said:0.03569234535098076 with:0.03467258810997009 and:0.018458224833011627 a:0.017587382346391678 tho:0.015950370579957962 this:0.013861781917512417\n",
"['averred']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['systemn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['point']\n",
"of:0.15541841089725494 <unk>:0.1211169958114624 in:0.055671460926532745 on:0.055356401950120926 to:0.03570340573787689 and:0.03566034510731697 where:0.026771465316414833 the:0.025466589257121086\n",
"['hudnkotur']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['beingn']\n",
"acres:0.18448898196220398 <unk>:0.10383643954992294 pounds:0.04504001513123512 the:0.033315807580947876 feet:0.025937283411622047 bushels:0.025373635813593864 per:0.025063632056117058 of:0.021089788526296616\n",
"['thousands']\n",
"of:0.5643378496170044 <unk>:0.11355466395616531 who:0.0250932015478611 and:0.020437978208065033 in:0.019374238327145576 are:0.011402585543692112 to:0.011241418309509754 or:0.007402328308671713\n",
"['beat']\n",
"<unk>:0.2046899050474167 the:0.06601191312074661 a:0.03618159890174866 him:0.02901439741253853 of:0.028027383610606194 and:0.023503771051764488 it:0.021833401173353195 in:0.01761792041361332\n",
"['get']\n",
"<unk>:0.11925682425498962 a:0.08119457960128784 the:0.07953252643346786 out:0.03249786049127579 it:0.03212035074830055 into:0.02433548867702484 up:0.023578377440571785 in:0.0205879844725132\n",
"['tench']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['son']\n",
"of:0.19510594010353088 <unk>:0.14972993731498718 and:0.05336226895451546 who:0.02006475068628788 the:0.018026961013674736 in:0.016430968418717384 to:0.01519893016666174 was:0.01206505112349987\n",
"['gift']\n",
"of:0.31340131163597107 <unk>:0.08684318512678146 to:0.0793306902050972 and:0.05128318443894386 from:0.03658423200249672 in:0.01882394216954708 the:0.01767851412296295 is:0.016157113015651703\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['coddmgtonn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['theneims']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['iltnboth']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['estate']\n",
"of:0.20300008356571198 <unk>:0.131016343832016 and:0.056915923953056335 in:0.043970104306936264 to:0.035484880208969116 or:0.029679138213396072 is:0.02013200707733631 situate:0.019608521834015846\n",
"['markets']\n",
"of:0.11871135979890823 <unk>:0.09760331362485886 and:0.06279522180557251 for:0.04672416299581528 are:0.04266798123717308 in:0.037429891526699066 the:0.029947156086564064 at:0.02020939439535141\n",
"['ratifyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['kansas']\n",
"city:0.18694083392620087 <unk>:0.16735148429870605 and:0.06763517111539841 in:0.02052333950996399 to:0.016146812587976456 is:0.015863625332713127 the:0.015838665887713432 has:0.010927803814411163\n",
"['reputatos']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['destroiiiun']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['provinces']\n",
"<unk>:0.18209263682365417 of:0.14407654106616974 and:0.09111672639846802 the:0.05099613592028618 in:0.03198384866118431 are:0.01815221831202507 to:0.01800612360239029 as:0.01639140211045742\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['others']\n",
"<unk>:0.11476479470729828 who:0.049779605120420456 of:0.03594129532575607 and:0.03445454686880112 are:0.033257197588682175 to:0.032092250883579254 in:0.031453441828489304 were:0.02728435955941677\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['vicenversa']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['reciprocity']\n",
"<unk>:0.1849791556596756 treaty:0.09216620773077011 in:0.05314399302005768 and:0.043401509523391724 of:0.029432296752929688 he:0.02617356926202774 to:0.025965454056859016 is:0.024869907647371292\n",
"['hay']\n",
"<unk>:0.1414041966199875 and:0.06721126288175583 is:0.025726016610860825 the:0.024205032736063004 or:0.021518783643841743 fever:0.02080542780458927 for:0.020318295806646347 crop:0.017486633732914925\n",
"['statenanil']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['allnthe']\n",
"<unk>:0.0995841771364212 time:0.026736034080386162 people:0.012538937851786613 way:0.011908690445125103 other:0.011867817491292953 water:0.00952860526740551 world:0.007535544224083424 necessary:0.005734806414693594\n",
"['matter']\n",
"of:0.2561452388763428 <unk>:0.09461399912834167 and:0.04309694841504097 to:0.032927341759204865 in:0.02930462546646595 is:0.02555735409259796 how:0.025165850296616554 was:0.019140658900141716\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['certainly']\n",
"<unk>:0.16692860424518585 a:0.04338666796684265 be:0.04297269508242607 not:0.041910670697689056 the:0.039428457617759705 is:0.03159737586975098 have:0.01690332032740116 will:0.01600641943514347\n",
"['present']\n",
"<unk>:0.17451514303684235 and:0.03076315112411976 the:0.028171764686703682 time:0.024875937029719353 a:0.02074301801621914 at:0.020377645269036293 to:0.019717615097761154 in:0.014398941770195961\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['indisposed']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['cnd']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['russia']\n",
"<unk>:0.17003096640110016 and:0.10064858943223953 the:0.044920872896909714 is:0.03891434893012047 in:0.03419666737318039 has:0.02934281900525093 to:0.028336655348539352 was:0.017986992374062538\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['fires']\n",
"<unk>:0.12502095103263855 of:0.08742722868919373 and:0.06677239388227463 in:0.04147768020629883 on:0.030374864116311073 were:0.029492849484086037 are:0.028805965557694435 the:0.027977460995316505\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['isn']\n",
"<unk>:0.1455436497926712 a:0.04267491027712822 and:0.04211031273007393 feet:0.031343743205070496 miles:0.023163456469774246 the:0.01933097466826439 to:0.018890809267759323 in:0.018090419471263885\n",
"['interest']\n",
"in:0.13301712274551392 of:0.08979444205760956 <unk>:0.08939780294895172 and:0.07081930339336395 at:0.04977995902299881 thereon:0.04924901947379112 on:0.04048746079206467 to:0.03960981220006943\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['firstn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['gossett']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['butnclinging']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mo']\n",
"<unk>:0.1978517323732376 to:0.056570254266262054 and:0.03840741142630577 nment:0.024385757744312286 that:0.02289446070790291 nney:0.02208683080971241 in:0.020586013793945312 of:0.01721096970140934\n",
"['own']\n",
"<unk>:0.23776616156101227 and:0.019493885338306427 way:0.010599414817988873 country:0.009475406259298325 hands:0.009123286232352257 the:0.008433960378170013 life:0.007136883679777384 state:0.0068635884672403336\n",
"['andnwere']\n",
"<unk>:0.0323110967874527 not:0.021281877532601357 in:0.016465917229652405 the:0.009891968220472336 a:0.00934405717998743 on:0.008864869363605976 at:0.008477549068629742 ordered:0.0077085974626243114\n",
"['heartn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['never']\n",
"<unk>:0.14037007093429565 been:0.06039706617593765 be:0.03736647963523865 have:0.021895958110690117 had:0.020626138895750046 before:0.020288212224841118 to:0.01799839176237583 heard:0.013736588880419731\n",
"['john']\n",
"<unk>:0.33595260977745056 w:0.03439439460635185 m:0.025803852826356888 h:0.02405143529176712 a:0.02159116044640541 f:0.018455935642123222 j:0.017632026225328445 and:0.01757798157632351\n",
"['few']\n",
"<unk>:0.17864933609962463 days:0.11815885454416275 years:0.06463509798049927 weeks:0.04632659628987312 of:0.04041473940014839 minutes:0.03470984473824501 hours:0.020912880077958107 moments:0.020052006468176842\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['first']\n",
"<unk>:0.14840511977672577 day:0.03192560002207756 of:0.03083701990544796 time:0.02892124466598034 to:0.020552972331643105 and:0.018360624089837074 place:0.011525793001055717 the:0.010170399211347103\n",
"['elevator']\n",
"<unk>:0.13514694571495056 and:0.09703655540943146 companies:0.041655730456113815 company:0.030175816267728806 in:0.024098578840494156 or:0.014940369874238968 for:0.01303930301219225 by:0.011949007399380207\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['disaffectionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['con']\n",
"<unk>:0.42463621497154236 nsidered:0.03714806213974953 nducted:0.03513865917921066 ngress:0.03487222641706467 ncerned:0.021299201995134354 nditions:0.019859950989484787 nsumption:0.01881428062915802 nference:0.014918499626219273\n",
"['hournexiinusiing']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['northnrange']\n",
"west:0.21830198168754578 east:0.10493940114974976 <unk>:0.05022616684436798 no:0.03381077200174332 fiftyone:0.02780580334365368 fortythree:0.024121608585119247 north:0.023680878803133965 two:0.023300379514694214\n",
"['wen']\n",
"<unk>:0.25190526247024536 to:0.026555707678198814 a:0.021587537601590157 the:0.019065339118242264 in:0.016668420284986496 at:0.010122140869498253 as:0.009595558047294617 that:0.009181504137814045\n",
"['western']\n",
"<unk>:0.23712673783302307 canada:0.044228412210941315 union:0.042303506284952164 and:0.040933314710855484 states:0.02321775257587433 railroad:0.021399153396487236 at:0.017829379066824913 c:0.014788830652832985\n",
"['yesterdayn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['weren']\n",
"<unk>:0.1577039211988449 a:0.055209655314683914 and:0.03369082883000374 the:0.021109236404299736 bushels:0.019777748733758926 in:0.018544824793934822 per:0.017042959108948708 to:0.011197049170732498\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['perhaps']\n",
"<unk>:0.10908373445272446 the:0.0836397185921669 a:0.04768721014261246 in:0.030195986852049828 it:0.03019273653626442 to:0.020810825750231743 they:0.01850205846130848 more:0.016232406720519066\n",
"['do']\n",
"not:0.1694450080394745 <unk>:0.12303590774536133 the:0.03810940310359001 so:0.03795699030160904 it:0.025585677474737167 with:0.02503206767141819 you:0.02148338593542576 this:0.018350347876548767\n",
"['unthoughtedly']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['roomn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['instruments']\n",
"of:0.10804036259651184 and:0.07785578072071075 <unk>:0.07293573021888733 in:0.04113369807600975 for:0.029074441641569138 to:0.024965401738882065 that:0.02142542414367199 are:0.019410688430070877\n",
"['pending']\n",
"in:0.14621202647686005 the:0.0969029888510704 <unk>:0.0935169979929924 a:0.035863667726516724 and:0.028789743781089783 before:0.016669251024723053 by:0.01443216297775507 as:0.013965925201773643\n",
"['leastnthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['thoro']\n",
"is:0.178767129778862 was:0.11419904232025146 <unk>:0.06957419216632843 are:0.04654817283153534 will:0.03557143360376358 aro:0.030133327469229698 and:0.024720449000597 were:0.022243682295084\n",
"['boastednforeign']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['individualneases']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['railroad']\n",
"<unk>:0.13653065264225006 company:0.07371459901332855 and:0.03913036361336708 companies:0.022625025361776352 to:0.020303072407841682 in:0.018188590183854103 is:0.01619061641395092 track:0.013583413325250149\n",
"['andnstate']\n",
"of:0.5621145963668823 <unk>:0.057109538465738297 on:0.018853986635804176 at:0.01767600141465664 in:0.01736523024737835 and:0.015728093683719635 for:0.012004242278635502 to:0.0072431378066539764\n",
"['toyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['willnsoon']\n",
"be:0.4031488299369812 <unk>:0.07469261437654495 have:0.026569534093141556 bo:0.023434162139892578 do:0.0215336624532938 make:0.0159407090395689 see:0.011431043967604637 come:0.01136771310120821\n",
"['members']\n",
"of:0.5058116316795349 <unk>:0.06060423702001572 ofnthe:0.03155217319726944 and:0.026323184370994568 ofncongress:0.02255977690219879 to:0.02232426591217518 who:0.014460986480116844 are:0.01315033808350563\n",
"['hianchc']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['clevelandn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['about']\n",
"<unk>:0.16251502931118011 the:0.1293736845254898 a:0.04998978599905968 to:0.03513412922620773 it:0.02537279948592186 two:0.01648150384426117 one:0.013926786370575428 this:0.011903013102710247\n",
"['andnilttiuiiwli']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['true']\n",
"<unk>:0.13353492319583893 that:0.08311084657907486 and:0.0632641613483429 of:0.04667641222476959 to:0.035257961601018906 the:0.014626400545239449 as:0.013234167359769344 it:0.011994121596217155\n",
"['theynfound']\n",
"the:0.26194170117378235 that:0.0845322385430336 <unk>:0.06308624893426895 a:0.05611777305603027 it:0.05050953850150108 in:0.025113724172115326 his:0.019976718351244926 and:0.018906977027654648\n",
"['attend']\n",
"the:0.20861098170280457 to:0.20306459069252014 <unk>:0.11952372640371323 a:0.039609819650650024 and:0.022504260763525963 this:0.01498651597648859 it:0.014672459103167057 in:0.013417520560324192\n",
"['m']\n",
"<unk>:0.2835228145122528 the:0.027956103906035423 and:0.02779671549797058 a:0.02013435587286949 in:0.015267008915543556 of:0.01501475740224123 e:0.013003258034586906 m:0.01203886978328228\n",
"['statement']\n",
"of:0.20474989712238312 <unk>:0.1099393293261528 that:0.10501514375209808 is:0.04132101312279701 to:0.03738849237561226 was:0.036883898079395294 in:0.035876769572496414 and:0.0340736024081707\n",
"['henderson']\n",
"<unk>:0.2914850413799286 and:0.0908847227692604 of:0.03442337363958359 streetnblock:0.022674458101391792 was:0.02038181573152542 the:0.018123546615242958 a:0.013727635145187378 to:0.012350477278232574\n",
"['there']\n",
"is:0.21489956974983215 are:0.10645759105682373 was:0.09183706343173981 <unk>:0.07891882956027985 were:0.04505584016442299 will:0.03374265506863594 has:0.018656885251402855 and:0.013431165367364883\n",
"['keen']\n",
"<unk>:0.29044297337532043 and:0.07665051519870758 as:0.026873072609305382 interest:0.02052777074277401 in:0.016954973340034485 to:0.012554993852972984 sense:0.01244940422475338 the:0.012417524121701717\n",
"['pane']\n",
"of:0.2452419549226761 <unk>:0.16288813948631287 and:0.05383019149303436 in:0.03466944023966789 the:0.022001300007104874 by:0.013372075743973255 that:0.011954423040151596 for:0.010552856139838696\n",
"['won']\n",
"the:0.15196967124938965 <unk>:0.1453724354505539 by:0.0909755527973175 a:0.05411728098988533 in:0.031984008848667145 for:0.023248642683029175 and:0.015257654711604118 at:0.01502468716353178\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['legislaturen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tben']\n",
"<unk>:0.1671181619167328 th:0.03072916343808174 the:0.02855563908815384 i:0.013655601069331169 to:0.012085680849850178 a:0.011286767199635506 and:0.010325492359697819 at:0.008322108536958694\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['composed']\n",
"of:0.5712334513664246 <unk>:0.11145827174186707 in:0.02411484345793724 the:0.018518485128879547 ofnthe:0.011140279471874237 to:0.009626937098801136 ot:0.009211312979459763 exclusively:0.006587892305105925\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['buildingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['series']\n",
"of:0.6687007546424866 <unk>:0.10086987912654877 and:0.012768859043717384 for:0.009778164327144623 the:0.00855003111064434 ot:0.007708075921982527 to:0.005619908217340708 ofnyears:0.005223138257861137\n",
"['orderngenerally']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ml']\n",
"<unk>:0.31463298201560974 of:0.025781074538826942 the:0.018159475177526474 a:0.017644908279180527 to:0.015296793542802334 and:0.014849954284727573 in:0.01414465717971325 i:0.011633535847067833\n",
"['supervis']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['conveyed']\n",
"to:0.3927976191043854 by:0.2026110589504242 <unk>:0.062246352434158325 in:0.02568303607404232 bynsaid:0.025141984224319458 the:0.018254917114973068 and:0.016176994889974594 at:0.012584052979946136\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['center']\n",
"of:0.41797101497650146 <unk>:0.09259240329265594 line:0.06810089945793152 and:0.03691377118229866 ofnthe:0.01754390075802803 the:0.012630444951355457 linenof:0.009967892430722713 creek:0.009814267046749592\n",
"['oi']\n",
"<unk>:0.26781511306762695 the:0.12787063419818878 a:0.023341944441199303 tne:0.023281697183847427 tho:0.011785191483795643 this:0.0076106516644358635 tbe:0.007064000703394413 said:0.006888304837048054\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['correspondedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['suffering']\n",
"from:0.17431074380874634 <unk>:0.09513885527849197 and:0.07575074583292007 the:0.028667205944657326 in:0.026846738532185555 with:0.02445983700454235 of:0.021539688110351562 humanity:0.020825110375881195\n",
"['down']\n",
"the:0.12659093737602234 to:0.1152196153998375 <unk>:0.1105494424700737 and:0.06293272972106934 in:0.04879021644592285 on:0.027861403301358223 with:0.02554458938539028 by:0.024915823712944984\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['cann']\n",
"<unk>:0.19667212665081024 a:0.030896048992872238 and:0.02938259392976761 of:0.028235821053385735 the:0.01936422847211361 in:0.014736376702785492 do:0.013533199205994606 c:0.012535827234387398\n",
"['equipment']\n",
"of:0.15456019341945648 <unk>:0.1426839977502823 and:0.12808163464069366 for:0.0463356077671051 in:0.03774477168917656 is:0.0325702540576458 that:0.019681725651025772 to:0.013904581777751446\n",
"['rellon']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ben']\n",
"<unk>:0.3764496147632599 the:0.020264847204089165 a:0.01654512993991375 in:0.008669160306453705 and:0.008185388520359993 i:0.008156510069966316 </s>:0.007305471692234278 made:0.006215563043951988\n",
"['elevation']\n",
"of:0.3948444128036499 to:0.09225866943597794 <unk>:0.06158965826034546 and:0.05317371338605881 in:0.02698899619281292 the:0.015514462254941463 ofnthe:0.014997275546193123 which:0.010575083084404469\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['there']\n",
"is:0.21489956974983215 are:0.10645759105682373 was:0.09183706343173981 <unk>:0.07891882956027985 were:0.04505584016442299 will:0.03374265506863594 has:0.018656885251402855 and:0.013431165367364883\n",
"['thenneeds']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['lifen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rising']\n",
"<unk>:0.14951403439044952 to:0.06954599916934967 in:0.06033186987042427 of:0.047311533242464066 and:0.04237501323223114 from:0.039246298372745514 generation:0.022786300629377365 with:0.018182463943958282\n",
"['thenleaders']\n",
"of:0.5138857364654541 in:0.04573369398713112 to:0.02968926541507244 and:0.02728274092078209 are:0.018948407843708992 for:0.01821456477046013 <unk>:0.018075069412589073 have:0.014284680597484112\n",
"['ilaro']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ning']\n",
"the:0.09470481425523758 to:0.06331970542669296 <unk>:0.05590211600065231 a:0.035821910947561264 of:0.03367714211344719 in:0.02948549948632717 and:0.025504713878035545 for:0.017110778018832207\n",
"['lapped']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['somowhatn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['deliberately']\n",
"<unk>:0.2753675580024719 and:0.04544749855995178 to:0.027694402262568474 as:0.013118801638484001 in:0.01273304782807827 that:0.008604206144809723 with:0.007882368750870228 had:0.006580014247447252\n",
"['fried']\n",
"<unk>:0.25039350986480713 and:0.07085013389587402 in:0.04773428291082382 potatoes:0.037371519953012466 chicken:0.028796061873435974 for:0.02827228419482708 a:0.018256142735481262 or:0.014700242318212986\n",
"['aln']\n",
"<unk>:0.25407740473747253 the:0.02635866217315197 and:0.01712917722761631 in:0.008856719359755516 for:0.008694037795066833 no:0.008676018565893173 on:0.007427920121699572 is:0.0071052019484341145\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['degrees']\n",
"east:0.18178847432136536 <unk>:0.13343581557273865 west:0.12328867614269257 minutes:0.08319065719842911 and:0.04436390846967697 nminutes:0.0315869078040123 w:0.02362039126455784 e:0.0190327987074852\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['dentached']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['commission']\n",
"<unk>:0.11750478297472 of:0.06951170414686203 and:0.0487622395157814 to:0.04743630811572075 in:0.03135725110769272 is:0.025586454197764397 for:0.02233264595270157 was:0.01925637759268284\n",
"['porter']\n",
"<unk>:0.21485424041748047 and:0.07480616867542267 of:0.02637072466313839 was:0.026360640302300453 who:0.021732883527874947 in:0.016367092728614807 the:0.01255679503083229 to:0.012514271773397923\n",
"['circle']\n",
"of:0.2609363794326782 <unk>:0.09752842783927917 and:0.07066448777914047 the:0.03129482641816139 in:0.022599946707487106 is:0.016313977539539337 to:0.015498075634241104 which:0.014355991035699844\n",
"['making']\n",
"<unk>:0.1670808345079422 the:0.1285746991634369 a:0.1200590655207634 of:0.038701415061950684 it:0.03553646802902222 an:0.028711367398500443 their:0.015823692083358765 his:0.014293934218585491\n",
"['entrenchednminers']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['let']\n",
"us:0.14131540060043335 <unk>:0.12511198222637177 the:0.10148752480745316 me:0.061046916991472244 them:0.05915560945868492 him:0.05860207602381706 it:0.04895195737481117 her:0.013072960078716278\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['grand']\n",
"<unk>:0.20292353630065918 jury:0.1035672128200531 forks:0.0596524141728878 army:0.023561719805002213 jurors:0.022722791880369186 trunk:0.01929331198334694 master:0.015789050608873367 rapids:0.014757798053324223\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['the']"
]
},
{
"output_type": "stream",
"name": "stderr",
"text": [
"/usr/local/lib/python3.10/dist-packages/torch/nn/modules/container.py:217: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.\n",
" input = module(input)\n"
]
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"\u001b[1;30;43mStrumieniowane dane wyjściowe obcięte do 5000 ostatnich wierszy.\u001b[0m\n",
"['employed']\n",
"in:0.22053653001785278 by:0.08955898135900497 <unk>:0.08067802339792252 to:0.05950067192316055 as:0.03592720627784729 and:0.035128992050886154 at:0.02778000943362713 the:0.02518022619187832\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['man']\n",
"<unk>:0.12974177300930023 who:0.11130981147289276 of:0.04574340209364891 and:0.042749278247356415 in:0.04084893316030502 is:0.02529185637831688 to:0.02484465390443802 was:0.01994374394416809\n",
"['acre']\n",
"<unk>:0.12164300680160522 of:0.08069809526205063 and:0.07071764022111893 in:0.05700080841779709 the:0.03265472128987312 on:0.02822159044444561 for:0.025697262957692146 is:0.021180791780352592\n",
"['muchnengaged']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['would']\n",
"be:0.15273810923099518 <unk>:0.13132600486278534 have:0.08837670832872391 not:0.07991773635149002 make:0.01737385056912899 do:0.01413943711668253 bo:0.010190516710281372 like:0.009767788462340832\n",
"['thesenkilters']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['f']\n",
"<unk>:0.33081910014152527 the:0.06714984774589539 a:0.024773625656962395 r:0.022999776527285576 m:0.012727152556180954 h:0.010183022357523441 and:0.009944108314812183 w:0.009089533239603043\n",
"['different']\n",
"<unk>:0.23069187998771667 from:0.0418742299079895 parts:0.04168075695633888 and:0.018596263602375984 kinds:0.016441497951745987 times:0.012756841257214546 states:0.011952378787100315 points:0.010937550105154514\n",
"['hell']\n",
"<unk>:0.15817339718341827 gate:0.09177456051111221 and:0.047352567315101624 of:0.040610164403915405 in:0.021023839712142944 have:0.016850104555487633 he:0.016170715913176537 be:0.01514921523630619\n",
"['thenenumerator']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['bayhaancnmiss']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['theso']\n",
"<unk>:0.21762226521968842 are:0.012979615479707718 things:0.011851041577756405 men:0.010393088683485985 people:0.00850657932460308 words:0.007221299223601818 times:0.00662131467834115 states:0.006450742017477751\n",
"['testimony']\n",
"of:0.1590428650379181 whereof:0.0757475346326828 <unk>:0.05759025365114212 in:0.047875355929136276 to:0.04778909310698509 that:0.04663635790348053 was:0.029982035979628563 and:0.02560392953455448\n",
"['again']\n",
"<unk>:0.14878974854946136 and:0.07179011404514313 the:0.04671431705355644 to:0.04226791486144066 in:0.04168761149048805 he:0.02170967496931553 at:0.020122939720749855 as:0.018241219222545624\n",
"['reach']\n",
"the:0.19650836288928986 of:0.12691709399223328 <unk>:0.12171532958745956 a:0.05033961310982704 and:0.024006569758057594 his:0.015819048509001732 it:0.015654945746064186 to:0.014488022774457932\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['further']\n",
"<unk>:0.17748230695724487 ordered:0.044681940227746964 that:0.040051162242889404 enacted:0.033209118992090225 resolved:0.022983023896813393 notified:0.018191691488027573 relief:0.017695879563689232 than:0.01721380092203617\n",
"['duncourse']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['barges']\n",
"and:0.10383481532335281 <unk>:0.09149833023548126 in:0.05397418513894081 of:0.04889523610472679 to:0.030948230996727943 the:0.018210245296359062 at:0.014365284703671932 as:0.014032808132469654\n",
"['thenrepairs']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['plat']\n",
"of:0.13866271078586578 <unk>:0.11218865215778351 recorded:0.10880450159311295 thereof:0.08226045966148376 and:0.048191629350185394 book:0.042605042457580566 on:0.02986651472747326 nform:0.0237639881670475\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['withn']\n",
"<unk>:0.13506150245666504 the:0.052440792322158813 a:0.026220308616757393 and:0.019970647990703583 acres:0.01472160592675209 to:0.014503954909741879 in:0.013292515650391579 of:0.010805558413267136\n",
"['advised']\n",
"by:0.07876134663820267 me:0.07544659078121185 to:0.07265868782997131 <unk>:0.06987017393112183 the:0.0676720142364502 him:0.0650441125035286 that:0.062133923172950745 of:0.04475731775164604\n",
"['evidences']\n",
"of:0.7648516893386841 <unk>:0.03324395790696144 that:0.01658640429377556 ofnthe:0.012242820113897324 ot:0.007542935200035572 to:0.006587103940546513 the:0.0061227791011333466 and:0.0057550095953047276\n",
"['may']\n",
"be:0.28343698382377625 <unk>:0.1322714388370514 have:0.03545297682285309 not:0.027146341279149055 bo:0.015436545014381409 he:0.012254266999661922 a:0.009326293133199215 deem:0.008938784711062908\n",
"['ho']\n",
"<unk>:0.19489049911499023 was:0.07406753301620483 had:0.05150853469967842 is:0.036005403846502304 has:0.022943999618291855 would:0.018995828926563263 will:0.01608256995677948 could:0.015021993778645992\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['employ']\n",
"of:0.1491064429283142 <unk>:0.11769267171621323 a:0.05897738039493561 the:0.0564582534134388 nment:0.0367768220603466 such:0.014663496986031532 all:0.013841252774000168 to:0.012233292683959007\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['peace']\n",
"and:0.14926598966121674 <unk>:0.1157173216342926 of:0.05695604905486107 in:0.041410040110349655 with:0.02621455304324627 is:0.023575935512781143 the:0.022505521774291992 to:0.021761558949947357\n",
"['mttiiin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['expense']\n",
"of:0.32595425844192505 <unk>:0.086392842233181 to:0.058549996465444565 and:0.05254562944173813 in:0.027847139164805412 the:0.021908005699515343 for:0.02097143791615963 that:0.012641378678381443\n",
"['subterran']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['landn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['action']\n",
"of:0.1966582089662552 <unk>:0.07805190235376358 in:0.05613145977258682 is:0.04765669256448746 and:0.04581368714570999 or:0.03930284455418587 on:0.037724826484918594 was:0.024466877803206444\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['decatur']\n",
"<unk>:0.13640113174915314 and:0.03739927336573601 avenue:0.019237998872995377 county:0.016553236171603203 in:0.013750680722296238 mrs:0.011555100791156292 river:0.010759785771369934 miss:0.010279309935867786\n",
"['tractionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['vain']\n",
"<unk>:0.1363651156425476 to:0.08307572454214096 for:0.05257140472531319 and:0.04380158707499504 that:0.030611908063292503 he:0.030593402683734894 the:0.0287647545337677 in:0.02768811583518982\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['so']\n",
"<unk>:0.16613399982452393 that:0.06904952228069305 much:0.055355582386255264 far:0.03518113121390343 long:0.02733159437775612 many:0.025362104177474976 as:0.025081202387809753 the:0.01576620154082775\n",
"['sulllclentn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['prescription']\n",
"<unk>:0.0799313485622406 is:0.0739079937338829 and:0.06344025582075119 of:0.06130677089095116 for:0.03804604336619377 was:0.03622013330459595 furnished:0.016882698982954025 to:0.016422659158706665\n",
"['about']\n",
"<unk>:0.16251502931118011 the:0.1293736845254898 a:0.04998978599905968 to:0.03513412922620773 it:0.02537279948592186 two:0.01648150384426117 one:0.013926786370575428 this:0.011903013102710247\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['finally']\n",
"<unk>:0.17783263325691223 the:0.053036969155073166 he:0.01952996663749218 i:0.015170187689363956 a:0.014927406795322895 decided:0.01449790969491005 in:0.014066705480217934 to:0.012149808928370476\n",
"['contented']\n",
"with:0.13096880912780762 <unk>:0.12571746110916138 and:0.10886882990598679 in:0.04497774317860603 to:0.02910655178129673 himself:0.026136094704270363 the:0.016896767541766167 themselves:0.01409677043557167\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['quigiej']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mnsundays']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['similar']\n",
"<unk>:0.20391561090946198 to:0.14138999581336975 circumstances:0.01236782968044281 and:0.010834923014044762 manner:0.009843130595982075 conditions:0.008012989535927773 nature:0.007569147739559412 cases:0.007456209044903517\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['lastnfairly']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pepper']\n",
"<unk>:0.2680267095565796 and:0.1763191819190979 in:0.028540940955281258 or:0.02554146759212017 fish:0.01640692725777626 of:0.013311382383108139 the:0.012044236995279789 to:0.008421641774475574\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['baa']\n",
"been:0.23270010948181152 <unk>:0.2186855524778366 a:0.026786593720316887 not:0.02101944386959076 to:0.01367210317403078 the:0.010186605155467987 no:0.009916963055729866 boen:0.009358525276184082\n",
"['boast']\n",
"of:0.40789005160331726 that:0.09435189515352249 <unk>:0.0877927839756012 the:0.03002280741930008 and:0.029080405831336975 to:0.022135278210043907 ofnthe:0.015238451771438122 a:0.011502022854983807\n",
"['ornsome']\n",
"other:0.3638916611671448 <unk>:0.1088026836514473 of:0.0666598528623581 the:0.030105236917734146 one:0.01405557431280613 day:0.012128426693379879 person:0.011168573051691055 a:0.010035524144768715\n",
"['socialistsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['considerable']\n",
"<unk>:0.201714888215065 distance:0.047460950911045074 number:0.03768779709935188 portion:0.03292573615908623 amount:0.026428230106830597 extent:0.021323813125491142 interest:0.01757108047604561 sum:0.01652364619076252\n",
"['vn']\n",
"<unk>:0.1368221789598465 n:0.027203241363167763 and:0.0270105991512537 in:0.021955713629722595 at:0.015217977575957775 </s>:0.01498751062899828 a:0.014832683838903904 that:0.014274433255195618\n",
"['orphans']\n",
"court:0.16789717972278595 <unk>:0.1200253888964653 of:0.10928424447774887 and:0.062071241438388824 the:0.02081725187599659 in:0.02021455205976963 are:0.015739910304546356 to:0.013072765432298183\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['ut']\n",
"<unk>:0.18112920224666595 the:0.1141035407781601 a:0.024829920381307602 of:0.014878622256219387 tho:0.012298902496695518 and:0.010101906023919582 it:0.01008558552712202 to:0.009107139892876148\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['me']\n",
"<unk>:0.1571723371744156 to:0.09861639887094498 and:0.05510082468390465 that:0.04905012249946594 in:0.031311556696891785 a:0.026816315948963165 i:0.02574211359024048 the:0.022411905229091644\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['sensatlin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['bo']\n",
"<unk>:0.22687731683254242 a:0.027709053829312325 the:0.01921551488339901 made:0.017129655927419662 in:0.009748425334692001 paid:0.007990613579750061 no:0.00740025145933032 taken:0.006778432987630367\n",
"['henmust']\n",
"have:0.14070793986320496 be:0.14028173685073853 <unk>:0.05973868444561958 not:0.053240470588207245 make:0.03553256392478943 go:0.01574818231165409 say:0.015443298034369946 do:0.014111217111349106\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['lan']\n",
"<unk>:0.3543948829174042 nguage:0.23070746660232544 and:0.0194900743663311 in:0.013536418788135052 of:0.013101836666464806 to:0.01043835561722517 the:0.009013894014060497 a:0.008921478874981403\n",
"['englandnills']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['gonerat']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['salutarv']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['distant']\n",
"<unk>:0.18026863038539886 from:0.08838122338056564 and:0.03011702001094818 to:0.0258357971906662 day:0.020110618323087692 feet:0.019777262583374977 in:0.01766539178788662 the:0.017646338790655136\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['ben']\n",
"<unk>:0.3764496147632599 the:0.020264847204089165 a:0.01654512993991375 in:0.008669160306453705 and:0.008185388520359993 i:0.008156510069966316 </s>:0.007305471692234278 made:0.006215563043951988\n",
"['cause']\n",
"of:0.2200392633676529 <unk>:0.07962426543235779 the:0.057348743081092834 to:0.045887526124715805 for:0.03855954110622406 and:0.03346442058682442 a:0.026768255978822708 or:0.02071436680853367\n",
"['ain']\n",
"<unk>:0.377287894487381 the:0.03753119707107544 and:0.027425697073340416 of:0.024932904168963432 to:0.024183768779039383 a:0.023853935301303864 in:0.020632319152355194 as:0.01844366453588009\n",
"['consultationn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['hn']\n",
"<unk>:0.40869736671447754 w:0.01600746624171734 chatham:0.01587497442960739 a:0.012906793504953384 the:0.012000254355370998 of:0.01196422427892685 and:0.01193371880799532 e:0.008795693516731262\n",
"['rivalry']\n",
"with:0.07898159325122833 between:0.06759513914585114 of:0.06441914290189743 in:0.06092542037367821 <unk>:0.05168888345360756 and:0.04379085451364517 for:0.027382349595427513 as:0.023147623986005783\n",
"['oxtondlng']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['timeoftheirndisbandment']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['made']\n",
"<unk>:0.09965836256742477 by:0.07719678431749344 a:0.07265251129865646 in:0.06660709530115128 to:0.05365895479917526 the:0.04897597059607506 and:0.029017746448516846 of:0.028677107766270638\n",
"['doubtful']\n",
"if:0.14577293395996094 whether:0.13889415562152863 <unk>:0.07154904305934906 that:0.02618611976504326 and:0.023941950872540474 as:0.0202162005007267 whethernthe:0.019283268600702286 in:0.018890351057052612\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['probably']\n",
"<unk>:0.16296671330928802 be:0.07732900977134705 the:0.061390750110149384 a:0.030195847153663635 not:0.025986062362790108 in:0.02295823208987713 have:0.01954050362110138 no:0.015099471434950829\n",
"['savannah']\n",
"<unk>:0.14524565637111664 and:0.08858369290828705 to:0.028373729437589645 the:0.023842431604862213 florida:0.0198866818100214 is:0.019515229389071465 ga:0.019502505660057068 which:0.016093220561742783\n",
"['join']\n",
"the:0.17762552201747894 in:0.1656651645898819 <unk>:0.1130959615111351 with:0.04354453086853027 them:0.028018387034535408 his:0.02452397719025612 her:0.024354221299290657 a:0.020293375477194786\n",
"['different']\n",
"<unk>:0.23069187998771667 from:0.0418742299079895 parts:0.04168075695633888 and:0.018596263602375984 kinds:0.016441497951745987 times:0.012756841257214546 states:0.011952378787100315 points:0.010937550105154514\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['torsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['enoughn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['none']\n",
"of:0.3264686167240143 <unk>:0.08282981067895889 in:0.028424806892871857 the:0.01831206865608692 and:0.01720055192708969 to:0.016003821045160294 other:0.015000429935753345 that:0.014326968230307102\n",
"['quimby']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['patrons']\n",
"of:0.27620401978492737 <unk>:0.08954306691884995 and:0.08274275809526443 to:0.023100487887859344 in:0.02308003045618534 the:0.01953916624188423 who:0.01772790588438511 are:0.017114393413066864\n",
"['u']\n",
"<unk>:0.28760093450546265 s:0.0711745172739029 a:0.03687036409974098 n:0.013613618910312653 the:0.01333531178534031 to:0.012395583093166351 in:0.010106680914759636 and:0.009843870997428894\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['period']\n",
"of:0.3294987976551056 <unk>:0.09331784397363663 in:0.0384298600256443 the:0.035883720964193344 and:0.024584371596574783 to:0.0184563547372818 when:0.014566806145012379 as:0.011276108212769032\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['them']\n",
"<unk>:0.12138011306524277 to:0.07594089955091476 and:0.04408290609717369 in:0.04301339387893677 the:0.0269981287419796 a:0.019725672900676727 as:0.017720578238368034 for:0.01670667715370655\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['armed']\n",
"<unk>:0.2127562165260315 with:0.1468963921070099 and:0.07202376425266266 men:0.02822110615670681 forces:0.024752788245677948 to:0.0162158515304327 in:0.015064122155308723 force:0.012336598709225655\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['labora']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['intend']\n",
"to:0.6648845076560974 <unk>:0.05584637448191643 ned:0.02487700991332531 that:0.011743470095098019 a:0.010956578887999058 the:0.008463818579912186 for:0.00725671648979187 tonbe:0.005409848410636187\n",
"['esqnalsothat']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['newspapersn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['notnwrithe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['statun']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['started']\n",
"<unk>:0.15611234307289124 to:0.09710787236690521 in:0.07305897772312164 for:0.07092737406492233 on:0.0474407933652401 out:0.04475641995668411 the:0.0422108918428421 at:0.03039461001753807\n",
"['oarsnwere']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['day']\n",
"of:0.3034079968929291 <unk>:0.08016764372587204 and:0.04774697870016098 the:0.025342067703604698 to:0.02038748562335968 in:0.020222947001457214 or:0.015532629564404488 at:0.015224823728203773\n",
"['protestn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['hen']\n",
"<unk>:0.17106422781944275 the:0.06470520049333572 he:0.03395789861679077 i:0.026423409581184387 and:0.02127615362405777 a:0.018003011122345924 it:0.016737177968025208 was:0.014481781981885433\n",
"['towardn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pieco']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['unitedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thrilling']\n",
"<unk>:0.23609395325183868 and:0.0799029991030693 in:0.023713771253824234 of:0.013280387036502361 scenes:0.01110968366265297 or:0.008540666662156582 the:0.008058412000536919 life:0.007881555706262589\n",
"['swift']\n",
"<unk>:0.25529786944389343 and:0.11056207120418549 to:0.01634528860449791 specific:0.014603220857679844 in:0.008942055515944958 of:0.008451095782220364 as:0.008145465515553951 for:0.00808657519519329\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['ii']\n",
"<unk>:0.3125717341899872 a:0.022585060447454453 the:0.022148381918668747 i:0.01736968383193016 is:0.01435261219739914 m:0.012307321652770042 t:0.012264748103916645 in:0.01156159769743681\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['railway']\n",
"<unk>:0.181801900267601 company:0.10123645514249802 and:0.03773513063788414 in:0.024426294490695 companies:0.02058434672653675 station:0.01852322742342949 to:0.01703566499054432 is:0.011555105447769165\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['following']\n",
"<unk>:0.2177220582962036 the:0.06208118051290512 described:0.05248278006911278 is:0.019988734275102615 in:0.014167668297886848 day:0.012470085173845291 a:0.011103236116468906 statement:0.010838414542376995\n",
"['idea']\n",
"of:0.35412290692329407 that:0.13969968259334564 <unk>:0.08343043178319931 is:0.03312492370605469 and:0.024623798206448555 was:0.021434370428323746 to:0.013997773639857769 the:0.013161364942789078\n",
"['earn']\n",
"<unk>:0.1142994686961174 a:0.10401707887649536 the:0.07337649911642075 nings:0.04343957081437111 in:0.027642779052257538 of:0.02735758386552334 and:0.021657217293977737 it:0.021473253145813942\n",
"['late']\n",
"<unk>:0.1704479157924652 in:0.0488310232758522 of:0.04075794667005539 to:0.02663533203303814 years:0.023280499503016472 and:0.020396491512656212 war:0.02029147930443287 residence:0.019846849143505096\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['cd']\n",
"<unk>:0.19407279789447784 to:0.06831014156341553 and:0.045198604464530945 the:0.04454131796956062 in:0.0409734770655632 a:0.029214253649115562 by:0.018650373443961143 as:0.01833852007985115\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['nunited']\n",
"states:0.6317237019538879 <unk>:0.13061629235744476 slates:0.03176271542906761 state:0.017599860206246376 and:0.014846966601908207 to:0.009996610693633556 stales:0.006104230880737305 in:0.004095674026757479\n",
"['convicts']\n",
"<unk>:0.10228311270475388 in:0.07323451340198517 and:0.06569364666938782 to:0.047982994467020035 are:0.03601264953613281 the:0.028621051460504532 were:0.02211831323802471 who:0.01679975539445877\n",
"['wasn']\n",
"<unk>:0.17828217148780823 a:0.06104143708944321 to:0.04011765867471695 the:0.035765957087278366 and:0.0352165661752224 in:0.03417397290468216 years:0.025945717468857765 per:0.017281075939536095\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['broadn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['sliding']\n",
"<unk>:0.09114313870668411 into:0.0687423124909401 and:0.05148850753903389 down:0.0266698207706213 up:0.02412094920873642 door:0.021694615483283997 in:0.020429564639925957 back:0.018373830243945122\n",
"['circumstance']\n",
"that:0.14193207025527954 <unk>:0.12598995864391327 of:0.07838801294565201 and:0.04309628903865814 the:0.037214867770671844 to:0.0358046218752861 in:0.026767082512378693 is:0.025985457003116608\n",
"['tho']\n",
"<unk>:0.30005934834480286 most:0.0052360850386321545 first:0.004940597806125879 state:0.004865132737904787 united:0.0044953906908631325 city:0.004085723310709 same:0.004075611010193825 other:0.004045554436743259\n",
"['party']\n",
"<unk>:0.14315254986286163 of:0.0752062276005745 and:0.05126910284161568 in:0.04879795387387276 to:0.04177085682749748 is:0.02072826400399208 the:0.01884854957461357 who:0.0182166900485754\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['young']\n",
"<unk>:0.2482716292142868 man:0.09017539769411087 men:0.05635121464729309 and:0.03694508597254753 people:0.029998168349266052 lady:0.029947416856884956 woman:0.023665934801101685 women:0.01696133427321911\n",
"['uiia']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['both']\n",
"<unk>:0.2284107506275177 of:0.056785136461257935 the:0.04899570345878601 in:0.04296301677823067 sides:0.027232633903622627 parties:0.01498338021337986 to:0.01305279228836298 houses:0.012990135699510574\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['poor']\n",
"<unk>:0.2664012312889099 and:0.048423007130622864 man:0.04604875296354294 fellow:0.027682829648256302 to:0.014183607883751392 old:0.013481123372912407 people:0.012468809261918068 woman:0.012213842011988163\n",
"['windnsunday']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['tiara']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['rattlominko']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thenotnl']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['its']\n",
"<unk>:0.2702571153640747 own:0.019152523949742317 use:0.006631065625697374 way:0.005629365798085928 provisions:0.004911798983812332 power:0.004610280506312847 origin:0.0041810800321400166 present:0.004065223038196564\n",
"['us']\n",
"<unk>:0.10386952012777328 to:0.07743246853351593 and:0.04057606682181358 in:0.0396549291908741 that:0.039527878165245056 the:0.02982459031045437 a:0.029199013486504555 as:0.016772165894508362\n",
"['jollynnow']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['brothersngilbert']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['statinnnotes']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thengrealest']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bomn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['jail']\n",
"<unk>:0.1219218447804451 and:0.07036913931369781 at:0.058289237320423126 in:0.04817894101142883 for:0.0474688746035099 to:0.03472721576690674 the:0.027956562116742134 of:0.01985582523047924\n",
"['success']\n",
"of:0.16848361492156982 <unk>:0.09364951401948929 in:0.08501113951206207 and:0.0598195344209671 the:0.031754329800605774 is:0.029131799936294556 that:0.021373722702264786 to:0.018580103293061256\n",
"['ntion']\n",
"of:0.2169068604707718 and:0.06827731430530548 to:0.06346537917852402 <unk>:0.0323006771504879 in:0.029962891712784767 is:0.02858082763850689 the:0.027963852509856224 that:0.018697531893849373\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['van']\n",
"<unk>:0.5591832399368286 buren:0.08057719469070435 horn:0.030397960916161537 horne:0.017302973195910454 ness:0.015649544075131416 brunt:0.011278470046818256 and:0.008726833388209343 of:0.00827197078615427\n",
"['selln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['near']\n",
"the:0.22829078137874603 <unk>:0.21912696957588196 future:0.029819857329130173 to:0.021485822275280952 a:0.020894818007946014 by:0.017991025000810623 and:0.014005719684064388 tho:0.01149867381900549\n",
"['thatntree']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['forcesnof']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['uuited']\n",
"<unk>:0.4754810631275177 states:0.4032135605812073 slates:0.01068810559809208 to:0.008496097289025784 stales:0.0077370647341012955 and:0.005921375006437302 in:0.004666518419981003 state:0.0032330965623259544\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['northwestern']\n",
"<unk>:0.1738131046295166 railroad:0.046973127871751785 railway:0.045512787997722626 states:0.024298546835780144 and:0.01570791006088257 railwayncompany:0.014910208061337471 corner:0.014765815809369087 state:0.010608114302158356\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['place']\n",
"of:0.1621199995279312 <unk>:0.0920373722910881 in:0.08766961842775345 and:0.051712796092033386 the:0.0436958447098732 to:0.034682951867580414 for:0.02837119624018669 on:0.026366619393229485\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['volunteer']\n",
"<unk>:0.17758658528327942 and:0.046639930456876755 regiments:0.045046620070934296 army:0.024301420897245407 infantry:0.022342417389154434 companies:0.021651575341820717 service:0.020530326291918755 in:0.018699219450354576\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['commercen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['intersectionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['eninthis']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['library']\n",
"<unk>:0.09877591580152512 of:0.08447834104299545 and:0.0660824328660965 in:0.0344141460955143 is:0.02925555221736431 the:0.02163047529757023 to:0.019041290506720543 was:0.018794028088450432\n",
"['prescriben']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ourn']\n",
"<unk>:0.39382219314575195 and:0.011552629992365837 feet:0.00959747564047575 the:0.007690655067563057 to:0.007125630509108305 i:0.007030377630144358 a:0.005803974345326424 t:0.005078909918665886\n",
"['claimed']\n",
"to:0.23275482654571533 that:0.13859407603740692 by:0.11591237783432007 <unk>:0.053610909730196 the:0.03223298490047455 for:0.032174691557884216 in:0.020502252504229546 and:0.01707477495074272\n",
"['old']\n",
"<unk>:0.2506037652492523 and:0.039312832057476044 man:0.026083793491125107 home:0.0076122707687318325 age:0.0073460545390844345 men:0.006134609691798687 gentleman:0.006058795843273401 friends:0.0059220800176262856\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['greatern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['vessel']\n",
"<unk>:0.10666786134243011 and:0.061351630836725235 was:0.04858967661857605 to:0.031520918011665344 in:0.030013972893357277 of:0.02909897267818451 the:0.02389267273247242 is:0.021511834114789963\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['distrustnupon']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thensherman']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['whichn']\n",
"<unk>:0.09513779729604721 is:0.0427488312125206 was:0.031380314379930496 have:0.024895232170820236 the:0.02308337762951851 he:0.01848933845758438 had:0.01730869710445404 has:0.016833506524562836\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['dandelion']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['injunctions']\n",
"<unk>:0.2269992083311081 of:0.10996191948652267 to:0.08389357477426529 and:0.07495319843292236 in:0.06498050689697266 by:0.03487977758049965 the:0.028637638315558434 for:0.021085340529680252\n",
"['hernprecious']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aqn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['onlyn']\n",
"<unk>:0.1573682725429535 per:0.03764602914452553 cents:0.036425478756427765 the:0.030982451513409615 a:0.03081069514155388 and:0.02682708203792572 years:0.023318342864513397 acres:0.020737923681735992\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['like']\n",
"<unk>:0.18616856634616852 a:0.17956425249576569 the:0.09968697279691696 to:0.06316488981246948 that:0.0213160440325737 an:0.0169201772660017 it:0.013055045157670975 this:0.013001575134694576\n",
"['tho']\n",
"<unk>:0.30005934834480286 most:0.0052360850386321545 first:0.004940597806125879 state:0.004865132737904787 united:0.0044953906908631325 city:0.004085723310709 same:0.004075611010193825 other:0.004045554436743259\n",
"['forninstance']\n",
"the:0.1001802459359169 <unk>:0.04440797492861748 it:0.036563508212566376 that:0.028832655400037766 is:0.02725796401500702 he:0.025755491107702255 a:0.02213522233068943 in:0.02157086692750454\n",
"['cod']\n",
"<unk>:0.18537220358848572 liver:0.13005226850509644 and:0.07116283476352692 of:0.028883695602416992 in:0.020003745332360268 or:0.018156906589865685 is:0.017569106072187424 it:0.01575631834566593\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['fever']\n",
"and:0.14898578822612762 <unk>:0.14126193523406982 the:0.029746830463409424 is:0.025565648451447487 in:0.024355683475732803 or:0.022347090765833855 fever:0.018689768388867378 which:0.014873869717121124\n",
"['saidn']\n",
"<unk>:0.17798779904842377 the:0.047086238861083984 i:0.02347389981150627 a:0.023354412987828255 d:0.016999514773488045 it:0.016215240582823753 he:0.013476152904331684 w:0.01341646071523428\n",
"['woman']\n",
"<unk>:0.13907510042190552 who:0.08323217928409576 and:0.0430184043943882 in:0.03239527344703674 of:0.02723003551363945 is:0.024625509977340698 was:0.02288980223238468 to:0.020797371864318848\n",
"['longern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['prisoner']\n",
"<unk>:0.13247494399547577 was:0.0803275853395462 and:0.05431477725505829 to:0.035393401980400085 in:0.02648000791668892 is:0.021312519907951355 the:0.019847264513373375 had:0.017174018546938896\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['thnt']\n",
"<unk>:0.15575017035007477 the:0.10944236069917679 he:0.03723200038075447 it:0.03541107103228569 i:0.02124643698334694 is:0.019744962453842163 a:0.01948566362261772 they:0.017801983281970024\n",
"['nun']\n",
"<unk>:0.25991275906562805 and:0.04069418087601662 of:0.033271078020334244 who:0.028957931324839592 in:0.022766176611185074 the:0.01804669201374054 a:0.013404607772827148 to:0.012386192567646503\n",
"['believe']\n",
"that:0.30240151286125183 <unk>:0.08386358618736267 it:0.07236156612634659 the:0.07052875310182571 in:0.06442805379629135 i:0.017836373299360275 he:0.01760745421051979 they:0.01363284606486559\n",
"['energy']\n",
"and:0.20046912133693695 <unk>:0.16245155036449432 of:0.07763249427080154 to:0.04977314546704292 in:0.03337613865733147 that:0.027757879346609116 the:0.017657877877354622 which:0.01726999320089817\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['operation']\n",
"of:0.22170603275299072 <unk>:0.07922273874282837 and:0.06136249750852585 in:0.054693907499313354 is:0.03329913318157196 the:0.03276738524436951 was:0.023330146446824074 for:0.019032731652259827\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['ann']\n",
"<unk>:0.33942773938179016 arbor:0.09202519059181213 and:0.019344214349985123 i:0.015136164613068104 </s>:0.010031440295279026 w:0.008862045593559742 the:0.008187665604054928 d:0.007192835211753845\n",
"['tlio']\n",
"<unk>:0.3373156189918518 said:0.004938388243317604 same:0.004383577033877373 amount:0.004298481624573469 first:0.004255369305610657 th:0.0036004630383104086 government:0.0035530519671738148 state:0.0035094893537461758\n",
"['remarkable']\n",
"<unk>:0.20155318081378937 and:0.03705965727567673 that:0.02724657766520977 in:0.024577351287007332 fact:0.021022632718086243 for:0.020299552008509636 cures:0.014337154105305672 the:0.013215060345828533\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['returnedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thencare']\n",
"of:0.6695910096168518 and:0.12455685436725616 or:0.020175863057374954 <unk>:0.019329911097884178 in:0.010441038757562637 is:0.008614810183644295 which:0.007121813017874956 the:0.006658444181084633\n",
"['comparison']\n",
"with:0.31110885739326477 of:0.1492975801229477 <unk>:0.06100548803806305 to:0.036367226392030716 between:0.03347757086157799 and:0.026840994134545326 the:0.02364545501768589 was:0.021588480100035667\n",
"['ofnher']\n",
"<unk>:0.07310814410448074 own:0.029709339141845703 husband:0.022185970097780228 father:0.020927254110574722 life:0.018112489953637123 sister:0.017277315258979797 parents:0.010912113822996616 children:0.010351943783462048\n",
"['carried']\n",
"<unk>:0.1234770342707634 on:0.12219582498073578 out:0.10508522391319275 to:0.053472213447093964 in:0.04582728073000908 the:0.04569260776042938 a:0.03622619807720184 by:0.03249271959066391\n",
"['sheehan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['orn']\n",
"<unk>:0.20705755054950714 per:0.0384085476398468 and:0.03350023180246353 the:0.024515334516763687 of:0.0238274484872818 miles:0.019973276183009148 a:0.0191848985850811 years:0.01858988031744957\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['anyn']\n",
"<unk>:0.2454908788204193 the:0.017155490815639496 of:0.01335963886231184 degree:0.011551839299499989 and:0.007472706958651543 it:0.0064537413418293 m:0.005850138608366251 </s>:0.005664063151925802\n",
"['darrin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['aud']\n",
"<unk>:0.23423197865486145 the:0.06738097220659256 a:0.015234891325235367 in:0.014223162084817886 that:0.012887268327176571 to:0.011937431059777737 it:0.010239665396511555 i:0.008323781192302704\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['tellnhim']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['without']\n",
"<unk>:0.192391499876976 the:0.07490507513284683 a:0.06517666578292847 any:0.05751282721757889 regard:0.010888790711760521 being:0.010643644258379936 an:0.010448135435581207 further:0.006723745260387659\n",
"['apoun']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['plan']\n",
"of:0.18550391495227814 <unk>:0.09495645016431808 to:0.059804096817970276 is:0.0507323294878006 for:0.048566583544015884 and:0.03237442672252655 was:0.027355981990695 in:0.016181519255042076\n",
"['such']\n",
"<unk>:0.17881900072097778 a:0.15409810841083527 as:0.04459206387400627 an:0.0378606915473938 person:0.011130900122225285 cases:0.009782944805920124 sale:0.006893188692629337 case:0.006846447475254536\n",
"['old']\n",
"<unk>:0.2506037652492523 and:0.039312832057476044 man:0.026083793491125107 home:0.0076122707687318325 age:0.0073460545390844345 men:0.006134609691798687 gentleman:0.006058795843273401 friends:0.0059220800176262856\n",
"['west']\n",
"<unk>:0.16299289464950562 of:0.09448179602622986 feet:0.042175717651844025 and:0.038554225116968155 side:0.03353583812713623 line:0.030160516500473022 virginia:0.027988461777567863 to:0.018494093790650368\n",
"['youn']\n",
"<unk>:0.15592433512210846 and:0.033765457570552826 have:0.01954464055597782 the:0.014755692332983017 are:0.013865301385521889 as:0.013792889192700386 do:0.011979772709310055 be:0.01113135926425457\n",
"['en']\n",
"<unk>:0.3404906094074249 ntered:0.06942591071128845 route:0.0423940010368824 ntirely:0.03167496994137764 the:0.025974242016673088 ntitled:0.025015324354171753 ngaged:0.015332464128732681 ntire:0.01478498987853527\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['josephn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['you']\n",
"<unk>:0.13895928859710693 are:0.05453449860215187 have:0.04940473288297653 will:0.04826496168971062 can:0.02910381741821766 to:0.021997731178998947 know:0.018536847084760666 and:0.018030114471912384\n",
"['sbe']\n",
"<unk>:0.23135177791118622 was:0.0948890969157219 had:0.06275573372840881 has:0.0407402478158474 is:0.033112045377492905 did:0.022921329364180565 will:0.02213437668979168 would:0.015910623595118523\n",
"['alln']\n",
"<unk>:0.22312283515930176 the:0.03988264128565788 of:0.022144675254821777 that:0.01536827627569437 in:0.015366753563284874 a:0.012279340997338295 which:0.011806584894657135 per:0.010145191103219986\n",
"['means']\n",
"of:0.24562428891658783 <unk>:0.10788917541503906 to:0.07129447907209396 that:0.037620894610881805 the:0.027537407353520393 a:0.02209606021642685 and:0.019877590239048004 for:0.019299056380987167\n",
"['premisesnhe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['september']\n",
"<unk>:0.14516229927539825 a:0.10595294088125229 and:0.061788011342287064 th:0.04191601276397705 at:0.041377704590559006 the:0.029309680685400963 in:0.021215498447418213 n:0.01984196901321411\n",
"['fogarty']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['formsnand']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['full']\n",
"<unk>:0.19312041997909546 of:0.15348771214485168 and:0.04051579162478447 amount:0.013497576117515564 in:0.010545289143919945 the:0.009401011280715466 to:0.009377926588058472 force:0.00932236947119236\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['mayn']\n",
"<unk>:0.10811302065849304 and:0.06683257222175598 the:0.04804938659071922 at:0.03391863778233528 a:0.032764192670583725 th:0.029666248708963394 to:0.021090740337967873 s:0.02097836323082447\n",
"['sur']\n",
"<unk>:0.5205298066139221 nface:0.11637352406978607 nvey:0.053696177899837494 nprise:0.023092521354556084 the:0.018070461228489876 no:0.016912559047341347 a:0.01673610508441925 said:0.010234592482447624\n",
"['verynharbor']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['city']\n",
"of:0.1702234297990799 <unk>:0.14746426045894623 and:0.07025923579931259 in:0.027942821383476257 the:0.01994224824011326 to:0.019134199246764183 is:0.017169617116451263 at:0.012862109579145908\n",
"['ianhis']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['avenue']\n",
"<unk>:0.16892306506633759 and:0.09955260902643204 to:0.0693180188536644 thence:0.038295928388834 in:0.027455933392047882 north:0.025856902822852135 from:0.024757783859968185 the:0.02067459374666214\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['maintained']\n",
"<unk>:0.09878290444612503 by:0.08767887204885483 the:0.08195570856332779 in:0.07012557238340378 and:0.06818318367004395 that:0.051980771124362946 a:0.03387442231178284 at:0.03214435279369354\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['causesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ah']\n",
"<unk>:0.24189215898513794 the:0.05221161991357803 it:0.02162759006023407 i:0.019184961915016174 a:0.019148709252476692 that:0.018515489995479584 of:0.01619674824178219 and:0.00798375066369772\n",
"['half']\n",
"of:0.17722821235656738 a:0.11591383814811707 <unk>:0.10094296932220459 the:0.03809119388461113 an:0.03019127994775772 past:0.014777370728552341 and:0.013461251743137836 to:0.010478045791387558\n",
"['hisnbody']\n",
"<unk>:0.12071419507265091 and:0.09605404734611511 in:0.06566278636455536 was:0.05792361497879028 the:0.036817677319049835 with:0.03247373551130295 is:0.02300538867712021 for:0.01895168423652649\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['necessity']\n",
"of:0.3716982901096344 for:0.15560631453990936 <unk>:0.10705358535051346 and:0.03431068733334541 to:0.025775766000151634 in:0.01666783168911934 is:0.01457782182842493 the:0.009894420392811298\n",
"['although']\n",
"the:0.13894806802272797 <unk>:0.10173524171113968 it:0.07651066035032272 he:0.05608866736292839 they:0.03734864294528961 i:0.035311583429574966 we:0.030818628147244453 there:0.02757035382091999\n",
"['decade']\n",
"of:0.10653819888830185 <unk>:0.07105953991413116 the:0.06557724624872208 and:0.057145148515701294 ago:0.03395545482635498 in:0.033336300402879715 or:0.0297995675355196 to:0.028093084692955017\n",
"['ar']\n",
"<unk>:0.3615242540836334 nrested:0.04803482070565224 nranged:0.01859256438910961 the:0.017519423738121986 a:0.016516724601387978 nrived:0.016169406473636627 sch:0.015866553410887718 schs:0.01586332358419895\n",
"['plncen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hasnwhich']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sweetest']\n",
"<unk>:0.23986034095287323 and:0.03693191707134247 to:0.017444709315896034 kind:0.009743764996528625 in:0.009734523482620716 way:0.007885148748755455 with:0.007858149707317352 man:0.007696178741753101\n",
"['campaignnwhile']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['heldn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fulln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['ournopinion']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['relativesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['housen']\n",
"<unk>:0.26444876194000244 the:0.027926679700613022 harden:0.02722099982202053 e:0.024507686495780945 carter:0.022731808945536613 and:0.01892034523189068 c:0.016971323639154434 n:0.016462258994579315\n",
"['notesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['money']\n",
"<unk>:0.1271144449710846 and:0.07375006377696991 to:0.06113803759217262 in:0.052252210676670074 for:0.03330107778310776 is:0.0258395466953516 of:0.02133256569504738 was:0.018115758895874023\n",
"['you']\n",
"<unk>:0.13895928859710693 are:0.05453449860215187 have:0.04940473288297653 will:0.04826496168971062 can:0.02910381741821766 to:0.021997731178998947 know:0.018536847084760666 and:0.018030114471912384\n",
"['halloan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['toalmost']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['tn']\n",
"<unk>:0.25235897302627563 the:0.10660476237535477 a:0.02610127441585064 tho:0.00928749144077301 his:0.008774631656706333 and:0.008637444116175175 be:0.00767943449318409 this:0.006957226898521185\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['lot']\n",
"<unk>:0.12330769747495651 of:0.11490724235773087 no:0.04124343395233154 block:0.03956340253353119 and:0.03550335392355919 or:0.02582043595612049 in:0.025809552520513535 numbered:0.0239508505910635\n",
"['wouldn']\n",
"<unk>:0.17154239118099213 be:0.05647148936986923 have:0.01952337846159935 and:0.016675883904099464 the:0.016219791024923325 a:0.014119818806648254 do:0.013343720696866512 e:0.01242191530764103\n",
"['stuck']\n",
"to:0.18010956048965454 <unk>:0.14936721324920654 in:0.11887463927268982 the:0.045575931668281555 out:0.03921135142445564 on:0.03873571753501892 and:0.02888849377632141 a:0.01998859830200672\n",
"['could']\n",
"not:0.26452964544296265 <unk>:0.13470132648944855 be:0.11722714453935623 have:0.03276956081390381 do:0.022108865901827812 see:0.018092282116413116 get:0.016741210594773293 bo:0.009517333470284939\n",
"['from']\n",
"the:0.25287488102912903 <unk>:0.15713191032409668 a:0.034414686262607574 his:0.014321111142635345 tho:0.014128337614238262 this:0.012060044333338737 which:0.011743685230612755 to:0.011461544781923294\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['thencountry']\n",
"and:0.0861588791012764 <unk>:0.05251990258693695 the:0.05122918635606766 in:0.035927433520555496 is:0.031864579766988754 to:0.026415403932332993 that:0.022044550627470016 it:0.020747870206832886\n",
"['small']\n",
"<unk>:0.2795872688293457 and:0.027045639231801033 in:0.01299432385712862 part:0.009143703617155552 sum:0.008765006437897682 amount:0.008735677227377892 for:0.008472838439047337 as:0.008389325812458992\n",
"['innrepair']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['connuntil']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['hung']\n",
"<unk>:0.10025380551815033 in:0.07402502745389938 up:0.059574052691459656 on:0.055016133934259415 the:0.04552428051829338 over:0.044707924127578735 with:0.031064705923199654 a:0.02454051561653614\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['workn']\n",
"<unk>:0.26487913727760315 the:0.07284752279520035 in:0.044904373586177826 and:0.03397160395979881 of:0.021208809688687325 a:0.020491378381848335 with:0.015349403023719788 to:0.012044145725667477\n",
"['who']\n",
"<unk>:0.14465560019016266 are:0.05709322541952133 had:0.052187480032444 have:0.05192911997437477 was:0.03984886035323143 has:0.03698565065860748 is:0.0353294312953949 were:0.031020494177937508\n",
"['hen']\n",
"<unk>:0.17106422781944275 the:0.06470520049333572 he:0.03395789861679077 i:0.026423409581184387 and:0.02127615362405777 a:0.018003011122345924 it:0.016737177968025208 was:0.014481781981885433\n",
"['greece']\n",
"and:0.22181078791618347 <unk>:0.17092138528823853 the:0.04136023297905922 was:0.025160077959299088 in:0.02412628009915352 or:0.022419597953557968 is:0.018454086035490036 with:0.01842092163860798\n",
"['until']\n",
"the:0.16746090352535248 <unk>:0.10822571069002151 it:0.03817759081721306 he:0.038073182106018066 they:0.03294298052787781 i:0.027611518278717995 a:0.026598699390888214 after:0.02135320007801056\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['clalbournen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['louis']\n",
"<unk>:0.2563243806362152 and:0.07089903950691223 county:0.05025826767086983 in:0.01978215202689171 the:0.018080176785588264 at:0.017128074541687965 a:0.016917619854211807 on:0.015624879859387875\n",
"['fiven']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mayor']\n",
"<unk>:0.22011753916740417 and:0.1573319137096405 of:0.0874549001455307 to:0.01937982253730297 in:0.014046919532120228 or:0.012616308405995369 was:0.011532717384397984 is:0.010937472805380821\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['after']\n",
"the:0.20441681146621704 <unk>:0.14804354310035706 a:0.06892264634370804 all:0.019622862339019775 his:0.01757059060037136 he:0.015803994610905647 this:0.01576254889369011 it:0.01468038558959961\n",
"['school']\n",
"<unk>:0.21500860154628754 and:0.04963965713977814 of:0.04929348826408386 in:0.03970877081155777 district:0.03437349945306778 for:0.02498778887093067 at:0.01845918782055378 is:0.017153551802039146\n",
"['excess']\n",
"of:0.6060102581977844 <unk>:0.0813961923122406 or:0.013393746688961983 ot:0.012764239683747292 in:0.010239943861961365 the:0.009985233657062054 profits:0.00930834747850895 ofnthe:0.009188542142510414\n",
"['gottlng']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aat']\n",
"<unk>:0.3538048267364502 of:0.035478636622428894 the:0.02637214958667755 and:0.025679152458906174 on:0.020791418850421906 in:0.019929850473999977 a:0.017343813553452492 to:0.013884607702493668\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['offices']\n",
"of:0.12329374998807907 <unk>:0.08595380187034607 in:0.07867325842380524 and:0.07379273325204849 to:0.037586890161037445 are:0.031758829951286316 the:0.01772128790616989 at:0.016739046201109886\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['offered']\n",
"to:0.14793232083320618 a:0.09275882691144943 <unk>:0.0919448584318161 by:0.09184907376766205 for:0.05992788076400757 the:0.04917198047041893 in:0.03788051754236221 and:0.02178029902279377\n",
"['yardsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mostn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['companiesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['failed']\n",
"to:0.5008319616317749 <unk>:0.06615184992551804 and:0.03448806703090668 in:0.03438035398721695 the:0.01193737331777811 on:0.009481744840741158 at:0.008253885433077812 for:0.008116542361676693\n",
"['homen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['twon']\n",
"<unk>:0.1723751723766327 and:0.050668977200984955 in:0.031088443472981453 years:0.02133893594145775 of:0.020299265161156654 east:0.017338581383228302 the:0.013612940907478333 west:0.012973681092262268\n",
"['revolutionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['beforen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['value']\n",
"of:0.40921303629875183 <unk>:0.08884100615978241 to:0.0510103814303875 and:0.04042733833193779 in:0.0313994400203228 the:0.022573322057724 for:0.01922554150223732 as:0.014055509120225906\n",
"['senatento']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['noisn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['same']\n",
"<unk>:0.15796665847301483 time:0.06757547706365585 as:0.02689806930720806 to:0.026284825056791306 and:0.022427480667829514 in:0.015157835558056831 way:0.014423045329749584 is:0.014249507337808609\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['band']\n",
"of:0.1799222081899643 <unk>:0.1277998685836792 and:0.06166529655456543 in:0.03391219675540924 to:0.02334311418235302 was:0.017769670113921165 the:0.01767505519092083 is:0.014690017327666283\n",
"['linenof']\n",
"the:0.1547251045703888 said:0.12912708520889282 <unk>:0.11722492426633835 lot:0.01606297865509987 a:0.012878741137683392 tho:0.009726887568831444 his:0.007269511464983225 north:0.006250499747693539\n",
"['reasonable']\n",
"<unk>:0.19443850219249725 and:0.05342835560441017 to:0.052901413291692734 time:0.03508641943335533 for:0.013777836225926876 in:0.013150740414857864 price:0.011989117600023746 amount:0.011827700771391392\n",
"['spright']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['gentlemen']\n",
"who:0.11901190131902695 <unk>:0.10444541275501251 of:0.07662007957696915 in:0.03651903569698334 and:0.026803292334079742 to:0.024709142744541168 are:0.021158689633011818 were:0.019648052752017975\n",
"['tired']\n",
"of:0.23282873630523682 <unk>:0.12522314488887787 and:0.11324679851531982 to:0.021425290033221245 in:0.019436219707131386 out:0.01726730912923813 for:0.01596231758594513 the:0.01561150886118412\n",
"['moren']\n",
"<unk>:0.29691845178604126 a:0.039466988295316696 the:0.034567661583423615 to:0.026979291811585426 in:0.026033572852611542 and:0.011781788431107998 he:0.010295775718986988 an:0.007033352740108967\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['j']\n",
"<unk>:0.2886352837085724 w:0.03490549325942993 h:0.03352547436952591 m:0.030452890321612358 a:0.02782146818935871 c:0.025676563382148743 j:0.020685404539108276 b:0.01717091165482998\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['morningn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['extensive']\n",
"<unk>:0.21037504076957703 and:0.06573307514190674 as:0.010166749358177185 practice:0.009937658905982971 business:0.009450549259781837 repairs:0.009187567979097366 or:0.008765785954892635 scale:0.00848971214145422\n",
"['enduyal']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rtceullynhas']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['orn']\n",
"<unk>:0.20705755054950714 per:0.0384085476398468 and:0.03350023180246353 the:0.024515334516763687 of:0.0238274484872818 miles:0.019973276183009148 a:0.0191848985850811 years:0.01858988031744957\n",
"['knowsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mein']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mindn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['dangerous']\n",
"<unk>:0.22247444093227386 to:0.11555391550064087 and:0.07260636985301971 or:0.01589735597372055 as:0.015478269197046757 in:0.01530447043478489 for:0.011537112295627594 but:0.010092424228787422\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['also']\n",
"<unk>:0.1506243199110031 the:0.05427820235490799 a:0.048811282962560654 to:0.033731523901224136 that:0.024630967527627945 in:0.023307325318455696 be:0.02253991924226284 been:0.012383674271404743\n",
"['courtnone']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['down']\n",
"the:0.12659093737602234 to:0.1152196153998375 <unk>:0.1105494424700737 and:0.06293272972106934 in:0.04879021644592285 on:0.027861403301358223 with:0.02554458938539028 by:0.024915823712944984\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['courts']\n",
"of:0.1555713266134262 <unk>:0.11962368339300156 and:0.08765311539173126 in:0.05119650438427925 to:0.03818144276738167 the:0.025034189224243164 shall:0.023564264178276062 as:0.021950269117951393\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['muchn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['what']\n",
"<unk>:0.11899658292531967 is:0.09058628976345062 the:0.05584552139043808 he:0.055342115461826324 it:0.04097414389252663 was:0.0380481593310833 a:0.030636867508292198 they:0.02920752577483654\n",
"['got']\n",
"<unk>:0.15641504526138306 a:0.0761164054274559 to:0.07287035137414932 the:0.05760738626122475 out:0.03658843785524368 in:0.033401794731616974 into:0.031511981040239334 up:0.030847569927573204\n",
"['approvednmarch']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['corresnpondence']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['us']\n",
"<unk>:0.10386952012777328 to:0.07743246853351593 and:0.04057606682181358 in:0.0396549291908741 that:0.039527878165245056 the:0.02982459031045437 a:0.029199013486504555 as:0.016772165894508362\n",
"['horse']\n",
"<unk>:0.1718054860830307 and:0.08690695464611053 was:0.02611568570137024 to:0.024618541821837425 is:0.02168993279337883 in:0.021601300686597824 which:0.014063367620110512 of:0.013468612916767597\n",
"['two']\n",
"<unk>:0.20144878327846527 years:0.06755809485912323 or:0.04796089604496956 of:0.03759472817182541 weeks:0.021692873910069466 hundred:0.019932277500629425 and:0.018487567082047462 men:0.015819242224097252\n",
"['notenset']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['what']\n",
"<unk>:0.11899658292531967 is:0.09058628976345062 the:0.05584552139043808 he:0.055342115461826324 it:0.04097414389252663 was:0.0380481593310833 a:0.030636867508292198 they:0.02920752577483654\n",
"['hpn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['hamn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['upon']\n",
"the:0.3011998236179352 <unk>:0.12525641918182373 a:0.047969166189432144 his:0.027204573154449463 which:0.027066446840763092 it:0.020032189786434174 this:0.015930216759443283 him:0.01504848338663578\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['betternthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['becausenof']\n",
"the:0.5025532841682434 his:0.04758067801594734 a:0.04668436944484711 its:0.037723392248153687 <unk>:0.03530699759721756 their:0.02183876745402813 any:0.018904827535152435 tho:0.01834564469754696\n",
"['table']\n",
"<unk>:0.16117355227470398 and:0.0995386615395546 with:0.03701021894812584 in:0.03454926982522011 the:0.02962273173034191 of:0.025694003328680992 a:0.01549550425261259 for:0.014684579335153103\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['momentsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['scrutinizing']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['backnat']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['rolling']\n",
"<unk>:0.16948151588439941 stock:0.13274191319942474 and:0.042822305113077164 in:0.03470297530293465 up:0.027288494631648064 out:0.02138965018093586 on:0.02017951011657715 the:0.017126405611634254\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['finally']\n",
"<unk>:0.17783263325691223 the:0.053036969155073166 he:0.01952996663749218 i:0.015170187689363956 a:0.014927406795322895 decided:0.01449790969491005 in:0.014066705480217934 to:0.012149808928370476\n",
"['pitied']\n",
"and:0.08486998826265335 the:0.06164141744375229 him:0.061578694730997086 <unk>:0.053620126098394394 by:0.021596167236566544 or:0.02057259902358055 but:0.017448892816901207 a:0.01681261882185936\n",
"['ndering']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['specificngravity']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['starved']\n",
"<unk>:0.19032198190689087 and:0.1361348181962967 to:0.13255366683006287 in:0.03934499993920326 out:0.025408154353499413 the:0.01905108243227005 into:0.01723308116197586 on:0.015690762549638748\n",
"['procure']\n",
"a:0.1363934874534607 <unk>:0.13476242125034332 the:0.12260209769010544 and:0.0407894104719162 suitable:0.02696586586534977 an:0.02635895647108555 or:0.025416139513254166 for:0.018504228442907333\n",
"['salesn']\n",
"bush:0.4626513421535492 <unk>:0.13614371418952942 bushels:0.0795658752322197 bags:0.027254382148385048 bbls:0.021689916029572487 hush:0.020639225840568542 a:0.010579337365925312 per:0.005207116715610027\n",
"['muscovite']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['accoidancen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['recently']\n",
"<unk>:0.2045687586069107 been:0.05453047528862953 the:0.029405668377876282 in:0.02694849856197834 a:0.017118876799941063 made:0.01609496772289276 and:0.015478594228625298 to:0.012850322760641575\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['nudn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['t']\n",
"<unk>:0.28939637541770935 the:0.02755691297352314 he:0.018271269276738167 a:0.014846747741103172 i:0.014116593636572361 e:0.013188501819968224 </s>:0.012891022488474846 of:0.01282279472798109\n",
"['majority']\n",
"of:0.48403409123420715 <unk>:0.07371335476636887 in:0.05061936751008034 and:0.02484203316271305 ofnthe:0.022413345053792 to:0.012008944526314735 for:0.01191259827464819 the:0.010155594907701015\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['busiest']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['weren']\n",
"<unk>:0.1577039211988449 a:0.055209655314683914 and:0.03369082883000374 the:0.021109236404299736 bushels:0.019777748733758926 in:0.018544824793934822 per:0.017042959108948708 to:0.011197049170732498\n",
"['city']\n",
"of:0.1702234297990799 <unk>:0.14746426045894623 and:0.07025923579931259 in:0.027942821383476257 the:0.01994224824011326 to:0.019134199246764183 is:0.017169617116451263 at:0.012862109579145908\n",
"['familiarnwith']\n",
"the:0.4385954737663269 <unk>:0.03145384043455124 a:0.02659141831099987 this:0.025058574974536896 tho:0.0243043452501297 his:0.016193805262446404 all:0.014069871045649052 them:0.010571062564849854\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['later']\n",
"<unk>:0.12229662388563156 in:0.0640847384929657 the:0.05997151508927345 and:0.03190944716334343 he:0.027725588530302048 on:0.02480509504675865 than:0.024613773450255394 a:0.01916005089879036\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['behest']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['y']\n",
"<unk>:0.29402637481689453 the:0.03593689948320389 and:0.028288310393691063 </s>:0.021181348711252213 a:0.021140404045581818 of:0.02113938517868519 m:0.014092848636209965 in:0.013188173063099384\n",
"['patient']\n",
"<unk>:0.13443894684314728 is:0.03867422416806221 and:0.03300242871046066 to:0.029985059052705765 in:0.026198863983154297 was:0.024758456274867058 has:0.022571397945284843 or:0.015635645017027855\n",
"['service']\n",
"of:0.10075757652521133 <unk>:0.08722402900457382 and:0.05691396817564964 in:0.05242885276675224 to:0.03375393524765968 on:0.03146262466907501 is:0.02513844519853592 the:0.023398982360959053\n",
"['fansn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['lie']\n",
"<unk>:0.19082199037075043 was:0.0506012886762619 is:0.027687251567840576 had:0.02734539285302162 has:0.021296484395861626 would:0.015584844164550304 said:0.011041154153645039 will:0.010796974413096905\n",
"['effects']\n",
"of:0.39725735783576965 <unk>:0.07033058255910873 and:0.028343036770820618 in:0.027099240571260452 on:0.024927664548158646 are:0.023425493389368057 the:0.014821379445493221 upon:0.0136069655418396\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['defeated']\n",
"<unk>:0.14666391909122467 by:0.12874892354011536 the:0.0554017648100853 and:0.05325936898589134 in:0.042792245745658875 a:0.029113644734025 it:0.015811236575245857 for:0.013868093490600586\n",
"['guitar']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['en']\n",
"<unk>:0.3404906094074249 ntered:0.06942591071128845 route:0.0423940010368824 ntirely:0.03167496994137764 the:0.025974242016673088 ntitled:0.025015324354171753 ngaged:0.015332464128732681 ntire:0.01478498987853527\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['am']\n",
"<unk>:0.15981535613536835 not:0.054251521825790405 a:0.0385102853178978 sure:0.03203354775905609 in:0.022109786048531532 satisfied:0.013998284004628658 the:0.013680300675332546 to:0.013468028046190739\n",
"['also']\n",
"<unk>:0.1506243199110031 the:0.05427820235490799 a:0.048811282962560654 to:0.033731523901224136 that:0.024630967527627945 in:0.023307325318455696 be:0.02253991924226284 been:0.012383674271404743\n",
"['invariablynfrom']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hisnhome']\n",
"in:0.14909367263317108 <unk>:0.08214369416236877 and:0.06253068149089813 on:0.044945016503334045 at:0.039001621305942535 the:0.029770201072096825 with:0.02764238230884075 to:0.020128201693296432\n",
"['workn']\n",
"<unk>:0.26487913727760315 the:0.07284752279520035 in:0.044904373586177826 and:0.03397160395979881 of:0.021208809688687325 a:0.020491378381848335 with:0.015349403023719788 to:0.012044145725667477\n",
"['tanj']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['anything']\n",
"<unk>:0.11051911860704422 to:0.06319846957921982 that:0.05205003544688225 else:0.04788763076066971 of:0.04659474268555641 in:0.045220084488391876 but:0.03709680587053299 like:0.03312401846051216\n",
"['oldn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bonput']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wbichn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['apparentniy']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['certified']\n",
"to:0.18177509307861328 by:0.1631420999765396 <unk>:0.14984159171581268 and:0.06736129522323608 copy:0.06390710920095444 check:0.05810745805501938 that:0.018358876928687096 in:0.018284495919942856\n",
"['photograph']\n",
"of:0.27289342880249023 <unk>:0.13183358311653137 and:0.056041616946458817 the:0.021128857508301735 is:0.016607986763119698 it:0.013666779734194279 a:0.01296350546181202 as:0.011505169793963432\n",
"['led']\n",
"to:0.23368093371391296 <unk>:0.08576766401529312 by:0.07938341796398163 the:0.05352666229009628 him:0.04031478613615036 them:0.02080085687339306 into:0.020562265068292618 me:0.017553526908159256\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['distinguishn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['payn']\n",
"<unk>:0.09698754549026489 to:0.07551755756139755 a:0.05911019816994667 the:0.05105767026543617 for:0.04323678836226463 and:0.03863927721977234 in:0.02355857938528061 per:0.022037191316485405\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['beenn']\n",
"<unk>:0.21989615261554718 a:0.027275050058960915 in:0.023197248578071594 and:0.015070127323269844 the:0.010114927776157856 to:0.007723797112703323 of:0.005964544601738453 at:0.0057502021081745625\n",
"['out']\n",
"of:0.24538345634937286 <unk>:0.09440331161022186 the:0.0502653568983078 and:0.046478722244501114 to:0.038411710411310196 in:0.034821465611457825 a:0.023348769173026085 on:0.01896938681602478\n",
"['vote']\n",
"of:0.1298428326845169 for:0.11838041245937347 <unk>:0.07130756229162216 in:0.05057987943291664 on:0.04238037392497063 and:0.036037884652614594 to:0.02629929408431053 at:0.026287220418453217\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['retired']\n",
"<unk>:0.18813973665237427 to:0.15002454817295074 from:0.11373291164636612 and:0.0766775906085968 in:0.05856367200613022 at:0.02576099894940853 for:0.019351545721292496 the:0.017541149631142616\n",
"['money']\n",
"<unk>:0.1271144449710846 and:0.07375006377696991 to:0.06113803759217262 in:0.052252210676670074 for:0.03330107778310776 is:0.0258395466953516 of:0.02133256569504738 was:0.018115758895874023\n",
"['last']\n",
"<unk>:0.17928394675254822 year:0.07723307609558105 week:0.049701787531375885 night:0.0368540994822979 fall:0.014803077094256878 evening:0.01347275823354721 the:0.013444880023598671 summer:0.012643853202462196\n",
"['russiaus']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['anvn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['atn']\n",
"oclock:0.1714528501033783 <unk>:0.10059104859828949 c:0.07948100566864014 a:0.03534514456987381 p:0.02883162349462509 the:0.027719924226403236 and:0.02419406548142433 per:0.020447101444005966\n",
"['counter']\n",
"<unk>:0.24891524016857147 and:0.08492761850357056 to:0.04864828288555145 of:0.024879276752471924 in:0.02464446797966957 the:0.013020223006606102 with:0.010595965199172497 at:0.010082783177495003\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['utnamn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fancysuchnwomen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['restrainnthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['streetnrailway']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['according']\n",
"to:0.8762199878692627 <unk>:0.04389083757996559 tonthe:0.036975689232349396 lo:0.0033076161053031683 tontheir:0.00212683598510921 as:0.0020239115692675114 a:0.0019465622026473284 and:0.0018182998755946755\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['well']\n",
"as:0.17864541709423065 <unk>:0.11902722716331482 known:0.06120625138282776 and:0.03417086973786354 to:0.030580556020140648 in:0.01440605241805315 that:0.013506671413779259 for:0.012597030960023403\n",
"['nearer']\n",
"to:0.17431847751140594 <unk>:0.12984268367290497 the:0.12977495789527893 and:0.053765684366226196 than:0.0220424123108387 in:0.013399453833699226 it:0.012384098023176193 a:0.011011063121259212\n",
"['under']\n",
"the:0.3453740179538727 <unk>:0.1426248997449875 a:0.03859175369143486 his:0.021474536508321762 this:0.02049609087407589 which:0.018128812313079834 tho:0.016588034108281136 such:0.011193190701305866\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['ho']\n",
"<unk>:0.19489049911499023 was:0.07406753301620483 had:0.05150853469967842 is:0.036005403846502304 has:0.022943999618291855 would:0.018995828926563263 will:0.01608256995677948 could:0.015021993778645992\n",
"['compelled']\n",
"to:0.6710376143455505 <unk>:0.07336033135652542 the:0.019051235169172287 him:0.018618736416101456 by:0.017032574862241745 me:0.012901348061859608 them:0.007792171090841293 tonleave:0.007259899750351906\n",
"['cn']\n",
"<unk>:0.20513185858726501 the:0.07234837114810944 c:0.037284284830093384 a:0.0368281826376915 and:0.018847975879907608 s:0.012302741408348083 n:0.011280616745352745 per:0.01116586197167635\n",
"['companion']\n",
"<unk>:0.14584332704544067 and:0.09388000518083572 of:0.07266324758529663 in:0.040648896247148514 to:0.03612825646996498 was:0.019224902614951134 the:0.019102541729807854 who:0.018618669360876083\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['three']\n",
"<unk>:0.19924288988113403 years:0.07135145366191864 or:0.0406876802444458 days:0.0353504903614521 months:0.029805058613419533 weeks:0.029670601710677147 of:0.028589589521288872 hundred:0.02157464809715748\n",
"['jn']\n",
"<unk>:0.2379665970802307 the:0.1023774966597557 a:0.04142600670456886 and:0.020717279985547066 this:0.015181325376033783 chancery:0.009197486564517021 n:0.008800751529633999 it:0.008773482404649258\n",
"['own']\n",
"<unk>:0.23776616156101227 and:0.019493885338306427 way:0.010599414817988873 country:0.009475406259298325 hands:0.009123286232352257 the:0.008433960378170013 life:0.007136883679777384 state:0.0068635884672403336\n",
"['county']\n",
"<unk>:0.1351660043001175 of:0.13167764246463776 and:0.05255775526165962 in:0.02681494876742363 court:0.02057517133653164 minnesota:0.019712550565600395 on:0.017450610175728798 at:0.016017641872167587\n",
"['do']\n",
"not:0.1694450080394745 <unk>:0.12303590774536133 the:0.03810940310359001 so:0.03795699030160904 it:0.025585677474737167 with:0.02503206767141819 you:0.02148338593542576 this:0.018350347876548767\n",
"['anpretty']\n",
"<unk>:0.07818598300218582 little:0.038096193224191666 man:0.02283680997788906 good:0.019845645874738693 large:0.01428866945207119 person:0.013505416922271252 young:0.01097810361534357 majority:0.007974616251885891\n",
"['ornby']\n",
"the:0.12658573687076569 registered:0.08197082579135895 <unk>:0.06588611006736755 any:0.0244434867054224 a:0.020550360903143883 tho:0.014320287853479385 imprisonment:0.009941632859408855 his:0.009782636538147926\n",
"['wis']\n",
"<unk>:0.23817826807498932 ndom:0.10639898478984833 a:0.03998352214694023 the:0.022170662879943848 in:0.019328562542796135 and:0.01227481383830309 to:0.010761566460132599 on:0.007578528020530939\n",
"['embryoncity']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['cured']\n",
"by:0.17117992043495178 <unk>:0.12779729068279266 of:0.056496862322092056 me:0.043133772909641266 and:0.03613951429724693 him:0.027745483443140984 in:0.026328863576054573 the:0.021923121064901352\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['isn']\n",
"<unk>:0.1455436497926712 a:0.04267491027712822 and:0.04211031273007393 feet:0.031343743205070496 miles:0.023163456469774246 the:0.01933097466826439 to:0.018890809267759323 in:0.018090419471263885\n",
"['streetsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['etcnreforestry']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['dealn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nust']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['certificate']\n",
"of:0.27860763669013977 <unk>:0.06192517653107643 no:0.03673822432756424 shall:0.03027224913239479 to:0.029747607186436653 is:0.02729271911084652 from:0.02658630721271038 was:0.022966517135500908\n",
"['contractn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['oscarngrimes']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['making']\n",
"<unk>:0.1670808345079422 the:0.1285746991634369 a:0.1200590655207634 of:0.038701415061950684 it:0.03553646802902222 an:0.028711367398500443 their:0.015823692083358765 his:0.014293934218585491\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['its']\n",
"<unk>:0.2702571153640747 own:0.019152523949742317 use:0.006631065625697374 way:0.005629365798085928 provisions:0.004911798983812332 power:0.004610280506312847 origin:0.0041810800321400166 present:0.004065223038196564\n",
"['henstate']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tn']\n",
"<unk>:0.25235897302627563 the:0.10660476237535477 a:0.02610127441585064 tho:0.00928749144077301 his:0.008774631656706333 and:0.008637444116175175 be:0.00767943449318409 this:0.006957226898521185\n",
"['ought']\n",
"to:0.6918095946311951 not:0.08006162196397781 <unk>:0.03991951420903206 tonbe:0.02784557081758976 tonhave:0.015513728372752666 tonknow:0.009779414162039757 in:0.006288961507380009 notnto:0.0042095850221812725\n",
"['s']\n",
"<unk>:0.24743959307670593 and:0.022346865385770798 a:0.020876672118902206 c:0.02086692675948143 s:0.018633587285876274 w:0.015286792069673538 n:0.014412941411137581 to:0.014249380677938461\n",
"['who']\n",
"<unk>:0.14465560019016266 are:0.05709322541952133 had:0.052187480032444 have:0.05192911997437477 was:0.03984886035323143 has:0.03698565065860748 is:0.0353294312953949 were:0.031020494177937508\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['assistance']\n",
"of:0.17183196544647217 and:0.0920342430472374 <unk>:0.08400329202413559 to:0.08388832956552505 in:0.05665687099099159 from:0.0330062098801136 the:0.021727032959461212 was:0.015381456352770329\n",
"['shall']\n",
"be:0.3568992018699646 <unk>:0.09769967198371887 not:0.04519403725862503 have:0.04380497708916664 bo:0.014060457237064838 make:0.012083304114639759 he:0.011855627410113811 at:0.006949294358491898\n",
"['seriousn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['expov']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aid']\n",
"<unk>:0.16675955057144165 of:0.12444949150085449 in:0.06479065865278244 to:0.050568073987960815 the:0.04122987762093544 and:0.03739624470472336 that:0.01432115864008665 it:0.013163384050130844\n",
"['profoundlyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['francen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pillings']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['yorknhere']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ncwporln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aid']\n",
"<unk>:0.16675955057144165 of:0.12444949150085449 in:0.06479065865278244 to:0.050568073987960815 the:0.04122987762093544 and:0.03739624470472336 that:0.01432115864008665 it:0.013163384050130844\n",
"['treating']\n",
"<unk>:0.19640961289405823 the:0.11491245776414871 of:0.05658487603068352 them:0.03222094103693962 cancer:0.030475759878754616 and:0.027297353371977806 in:0.019545337185263634 a:0.014889785088598728\n",
"['remained']\n",
"in:0.1809728443622589 <unk>:0.15412095189094543 for:0.042054079473018646 on:0.040114469826221466 at:0.03897159919142723 a:0.02368105947971344 there:0.023292098194360733 the:0.022893443703651428\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['isnas']\n",
"<unk>:0.11914989352226257 follows:0.09603957831859589 much:0.08079541474580765 well:0.028918253257870674 a:0.028533754870295525 the:0.022806363180279732 good:0.015479667112231255 very:0.011196074075996876\n",
"['inlooked']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['savingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['onenday']\n",
"<unk>:0.09151489287614822 and:0.06526199728250504 the:0.06090749055147171 in:0.04647533595561981 he:0.03636699542403221 they:0.023775774985551834 a:0.022571329027414322 it:0.02205723524093628\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['rin']\n",
"<unk>:0.2577005922794342 of:0.05577603727579117 the:0.04208662733435631 and:0.028506172820925713 a:0.022484879940748215 to:0.01570187322795391 i:0.013628850691020489 it:0.013554926961660385\n",
"['bo']\n",
"<unk>:0.22687731683254242 a:0.027709053829312325 the:0.01921551488339901 made:0.017129655927419662 in:0.009748425334692001 paid:0.007990613579750061 no:0.00740025145933032 taken:0.006778432987630367\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['bynconsistency']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['between']\n",
"the:0.26508277654647827 <unk>:0.17805610597133636 and:0.021464230492711067 them:0.018190154805779457 tho:0.015997707843780518 a:0.01537930779159069 two:0.011289786547422409 this:0.011004946194589138\n",
"['occupations']\n",
"and:0.10361943393945694 of:0.06905850768089294 <unk>:0.060741908848285675 in:0.041582364588975906 the:0.02998875267803669 that:0.029011566191911697 to:0.02150411158800125 or:0.019514890387654305\n",
"['ofnthe']\n",
"<unk>:0.10395920276641846 state:0.020976616069674492 united:0.015931246802210808 people:0.010333534330129623 country:0.010068804956972599 city:0.009166356176137924 county:0.00631762994453311 government:0.006290480028837919\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['montrose']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sandy']\n",
"<unk>:0.2406514436006546 loam:0.07869986444711685 soil:0.0679326057434082 and:0.03540889546275139 hook:0.030910881236195564 creek:0.01896170899271965 soils:0.017744220793247223 plains:0.0099710151553154\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['straightn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['othern']\n",
"<unk>:0.23844316601753235 and:0.01913762278854847 </s>:0.013490919023752213 of:0.013245755806565285 i:0.008917289786040783 to:0.007157379295676947 n:0.005688907112926245 in:0.005183529574424028\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['levyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nten']\n",
"<unk>:0.07909777015447617 in:0.06280674785375595 and:0.05611801519989967 to:0.04729113727807999 the:0.038686566054821014 by:0.025788437575101852 a:0.025381745770573616 of:0.020323310047388077\n",
"['street']\n",
"<unk>:0.15248389542102814 and:0.07468131929636002 to:0.04640580713748932 thence:0.033895425498485565 in:0.025638844817876816 the:0.021844370290637016 car:0.019185492768883705 at:0.01903343014419079\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['sillnclous']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['accordancen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['countynabout']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['citizens']\n",
"of:0.28763943910598755 <unk>:0.09904792159795761 and:0.06207951158285141 in:0.040991686284542084 who:0.032165586948394775 to:0.03113950975239277 are:0.01722344197332859 ofnthe:0.01309740636497736\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['civil']\n",
"<unk>:0.2531842887401581 war:0.15301552414894104 service:0.07866775244474411 and:0.07161249965429306 government:0.022677432745695114 rights:0.020236911252141 law:0.01251913607120514 power:0.010669032111763954\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['ytt']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['cheap']\n",
"<unk>:0.21391069889068604 and:0.07844439893960953 labor:0.019416775554418564 in:0.01933603174984455 as:0.01684826798737049 a:0.011988583952188492 whiskey:0.011799831874668598 or:0.01146170124411583\n",
"['northn']\n",
"degrees:0.2142494022846222 deg:0.15953293442726135 feet:0.11334652453660965 west:0.049382127821445465 <unk>:0.04318517446517944 chs:0.039855245500802994 east:0.03912162780761719 e:0.01581345871090889\n",
"['iin']\n",
"<unk>:0.33133798837661743 the:0.035319484770298004 a:0.03043532557785511 of:0.014804204925894737 to:0.013963147066533566 in:0.013448142446577549 and:0.01213554572314024 it:0.010790788568556309\n",
"['trimmednfront']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['timen']\n",
"<unk>:0.10530243813991547 the:0.03394927829504013 i:0.02618047408759594 and:0.024507204070687294 have:0.020882489159703255 of:0.02056596241891384 he:0.020087704062461853 a:0.01832629181444645\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['utn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['those']\n",
"who:0.2387685328722 <unk>:0.15272967517375946 of:0.08015947788953781 in:0.0214761383831501 days:0.014273349195718765 that:0.012412956915795803 whose:0.006898472085595131 men:0.006747791077941656\n",
"['somenthing']\n",
"to:0.10889599472284317 of:0.059988804161548615 <unk>:0.05063559487462044 in:0.049518223851919174 that:0.03474058583378792 as:0.02467481791973114 the:0.023635270074009895 like:0.018985377624630928\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['juice']\n",
"of:0.17145782709121704 and:0.10404372960329056 <unk>:0.0816819965839386 is:0.03944283723831177 to:0.02446078509092331 or:0.02252013236284256 the:0.020654937252402306 in:0.01908966153860092\n",
"['highest']\n",
"bidder:0.20959152281284332 <unk>:0.16723357141017914 and:0.043403755873441696 degree:0.01975940726697445 order:0.01658107340335846 biddernfor:0.01495547778904438 point:0.014763280749320984 respect:0.014525645412504673\n",
"['service']\n",
"of:0.10075757652521133 <unk>:0.08722402900457382 and:0.05691396817564964 in:0.05242885276675224 to:0.03375393524765968 on:0.03146262466907501 is:0.02513844519853592 the:0.023398982360959053\n",
"['thought']\n",
"that:0.10238199681043625 of:0.09746503084897995 <unk>:0.08445286750793457 it:0.0692593976855278 the:0.03876238316297531 to:0.036570657044649124 he:0.03208998963236809 and:0.02360614947974682\n",
"['mr']\n",
"<unk>:0.4285792410373688 and:0.06888768821954727 lincoln:0.010427688248455524 j:0.008750042878091335 brown:0.007694547530263662 andnmrs:0.006172175984829664 c:0.006032113917171955 a:0.005974632687866688\n",
"['engineernpf']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hate']\n",
"<unk>:0.19761782884597778 to:0.06550171971321106 the:0.056378066539764404 been:0.044693201780319214 and:0.043477289378643036 of:0.025345558300614357 a:0.02399558201432228 it:0.02065500058233738\n",
"['bravo']\n",
"<unk>:0.1416262984275818 and:0.09895066171884537 man:0.01763770915567875 who:0.014606772921979427 men:0.014285426586866379 in:0.01373213529586792 to:0.00897981133311987 or:0.008445230312645435\n",
"['boundariesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['others']\n",
"<unk>:0.11476479470729828 who:0.049779605120420456 of:0.03594129532575607 and:0.03445454686880112 are:0.033257197588682175 to:0.032092250883579254 in:0.031453441828489304 were:0.02728435955941677\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['president']\n",
"<unk>:0.16042497754096985 of:0.15320973098278046 and:0.08284711092710495 to:0.024305621162056923 was:0.01804725080728531 is:0.017178257927298546 in:0.016375193372368813 the:0.015735523775219917\n",
"['schools']\n",
"of:0.11784149706363678 and:0.1048956960439682 <unk>:0.10471078753471375 in:0.0674864873290062 are:0.02965143695473671 for:0.02660766802728176 the:0.021176068112254143 to:0.0177613478153944\n",
"['jnunited']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['major']\n",
"<unk>:0.30673760175704956 general:0.031553950160741806 and:0.021765489131212234 of:0.015015056356787682 portion:0.010127285495400429 to:0.009836903773248196 nity:0.009130921214818954 j:0.006811634637415409\n",
"['admonishntbe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['meritn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['boardedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['districts']\n",
"<unk>:0.12644580006599426 of:0.10370165854692459 and:0.06506829708814621 in:0.05913444235920906 the:0.0322427861392498 to:0.026345612481236458 are:0.02152865007519722 where:0.017444077879190445\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['hadnended']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['new']\n",
"york:0.2345396727323532 <unk>:0.22550642490386963 orleans:0.024798376485705376 jersey:0.01650513894855976 and:0.015012519434094429 haven:0.014471752569079399 england:0.01076222863048315 mexico:0.006648117210716009\n",
"['tben']\n",
"<unk>:0.1671181619167328 th:0.03072916343808174 the:0.02855563908815384 i:0.013655601069331169 to:0.012085680849850178 a:0.011286767199635506 and:0.010325492359697819 at:0.008322108536958694\n",
"['vil']\n",
"nlage:0.5757476687431335 <unk>:0.18107548356056213 the:0.010243031196296215 and:0.005268247798085213 </s>:0.004925935994833708 i:0.004454670939594507 a:0.004397858399897814 of:0.0037426562048494816\n",
"['oran']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['record']\n",
"of:0.18668590486049652 in:0.17883414030075073 <unk>:0.09425345063209534 and:0.04133105278015137 the:0.02663274295628071 is:0.02434355579316616 for:0.02273213304579258 as:0.022628139704465866\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['tbo']\n",
"<unk>:0.4251677989959717 first:0.006802953314036131 state:0.005699107423424721 present:0.004871963523328304 united:0.004410822410136461 last:0.004352367948740721 country:0.004024845082312822 city:0.003830175381153822\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['always']\n",
"<unk>:0.18848590552806854 been:0.06876007467508316 be:0.03912685438990593 a:0.031091470271348953 in:0.01671169325709343 the:0.016679110005497932 to:0.011699755676090717 have:0.01078015100210905\n",
"['watson']\n",
"<unk>:0.256104439496994 of:0.054550353437662125 and:0.04901775345206261 was:0.01797514036297798 in:0.017382528632879257 the:0.016362031921744347 to:0.01417369581758976 has:0.013662452809512615\n",
"['governor']\n",
"<unk>:0.1968647539615631 of:0.11551150679588318 and:0.05856453999876976 to:0.027529219165444374 in:0.01614462584257126 was:0.014693757519125938 is:0.01434039231389761 the:0.012620743364095688\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['newsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['desire']\n",
"to:0.4843471050262451 <unk>:0.06881692260503769 of:0.044929660856723785 for:0.04296111688017845 the:0.02971315011382103 that:0.027362335473299026 and:0.014903085306286812 in:0.011922115460038185\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['goldn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['due']\n",
"to:0.18970303237438202 and:0.1109391376376152 <unk>:0.11075456440448761 on:0.07488370686769485 the:0.024256989359855652 in:0.022225355729460716 upon:0.019164077937602997 at:0.017586642876267433\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['wasn']\n",
"<unk>:0.17828217148780823 a:0.06104143708944321 to:0.04011765867471695 the:0.035765957087278366 and:0.0352165661752224 in:0.03417397290468216 years:0.025945717468857765 per:0.017281075939536095\n",
"['may']\n",
"be:0.28343698382377625 <unk>:0.1322714388370514 have:0.03545297682285309 not:0.027146341279149055 bo:0.015436545014381409 he:0.012254266999661922 a:0.009326293133199215 deem:0.008938784711062908\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['beer']\n",
"<unk>:0.16203416883945465 and:0.09339681267738342 or:0.027345458045601845 in:0.01997951604425907 was:0.01918639987707138 is:0.01744644157588482 on:0.017189789563417435 as:0.013336271047592163\n",
"['sold']\n",
"<unk>:0.09800701588392258 at:0.09668375551700592 to:0.0929020419716835 by:0.07316044718027115 in:0.050737544894218445 and:0.04660101607441902 for:0.040885571390390396 or:0.027375005185604095\n",
"['however']\n",
"<unk>:0.12043207138776779 that:0.09243124723434448 the:0.04881428927183151 is:0.03766405209898949 to:0.030304767191410065 in:0.02122175320982933 and:0.020653003826737404 he:0.019304610788822174\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['tmallernbesides']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['b']\n",
"<unk>:0.33335283398628235 f:0.01647285930812359 n:0.015921326354146004 a:0.01591234654188156 c:0.012801663018763065 b:0.011083736084401608 e:0.01091389637440443 the:0.010709698311984539\n",
"['haven']\n",
"<unk>:0.1910519152879715 and:0.06397338211536407 the:0.020665904507040977 to:0.02045123651623726 conn:0.018477438017725945 of:0.01785210333764553 is:0.015589752234518528 a:0.013302822597324848\n",
"['gave']\n",
"<unk>:0.12252984941005707 a:0.0861334279179573 the:0.0796220451593399 him:0.06889734417200089 me:0.04287678748369217 it:0.03662814944982529 us:0.027876470237970352 up:0.0271002184599638\n",
"['crawled']\n",
"into:0.09545645862817764 out:0.07934899628162384 <unk>:0.07493042200803757 up:0.07160350680351257 to:0.058650903403759 in:0.047565214335918427 down:0.03568468242883682 over:0.034410763531923294\n",
"['american']\n",
"<unk>:0.3076615333557129 people:0.04172326251864433 and:0.017617257311940193 flag:0.012088433839380741 citizens:0.009088804014027119 citizen:0.007571995723992586 tobacco:0.006731044501066208 government:0.006492586340755224\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['isn']\n",
"<unk>:0.1455436497926712 a:0.04267491027712822 and:0.04211031273007393 feet:0.031343743205070496 miles:0.023163456469774246 the:0.01933097466826439 to:0.018890809267759323 in:0.018090419471263885\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['justly']\n",
"<unk>:0.14719749987125397 proud:0.1263665109872818 despised:0.02296157367527485 entitled:0.01744999550282955 be:0.01667563058435917 due:0.01266468781977892 and:0.012264271266758442 celebrated:0.011780803091824055\n",
"['whether']\n",
"the:0.161294087767601 <unk>:0.11928736418485641 it:0.08878779411315918 he:0.05603349953889847 or:0.04515042155981064 they:0.04053612798452377 a:0.020081348717212677 we:0.019859585911035538\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['lunwhich']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['evolutlonarnpoint']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['book']\n",
"of:0.17795422673225403 <unk>:0.14468128979206085 page:0.07577847689390182 no:0.04212995991110802 and:0.03802955150604248 is:0.01940089836716652 on:0.01833495683968067 the:0.01649564690887928\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['youngsters']\n",
"<unk>:0.09812241047620773 and:0.059746067970991135 of:0.039056964218616486 who:0.030649935826659203 in:0.027765365317463875 are:0.024211343377828598 were:0.023341670632362366 have:0.023282622918486595\n",
"['purify']\n",
"the:0.4176740348339081 <unk>:0.059246912598609924 and:0.037252239882946014 them:0.03702176362276077 tho:0.023005066439509392 a:0.01958472467958927 him:0.01826847903430462 his:0.017668571323156357\n",
"['poust']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thencrowd']\n",
"and:0.08207152038812637 <unk>:0.05465004965662956 that:0.041364848613739014 of:0.034695882350206375 in:0.031575918197631836 at:0.030627069994807243 was:0.026044491678476334 which:0.025831082835793495\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['quart']\n",
"of:0.28226709365844727 <unk>:0.2181163877248764 and:0.050923965871334076 bottles:0.016963716596364975 or:0.015250194817781448 in:0.014538520015776157 the:0.013861684128642082 per:0.01228822860866785\n",
"['good']\n",
"<unk>:0.1800873577594757 and:0.034809429198503494 deal:0.0223788283765316 to:0.021396957337856293 for:0.015180929563939571 as:0.014388279989361763 roads:0.011519820429384708 many:0.011263051070272923\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['whilen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['hopkins']\n",
"<unk>:0.20624950528144836 and:0.06714923679828644 of:0.03704526647925377 who:0.020638251677155495 was:0.019709652289748192 has:0.016772115603089333 the:0.016730286180973053 is:0.016057489439845085\n",
"['ewing']\n",
"<unk>:0.24603396654129028 and:0.09633680433034897 of:0.047820135951042175 was:0.02471008151769638 the:0.019946757704019547 in:0.016593383625149727 is:0.01320867519825697 or:0.013099361211061478\n",
"['man']\n",
"<unk>:0.12974177300930023 who:0.11130981147289276 of:0.04574340209364891 and:0.042749278247356415 in:0.04084893316030502 is:0.02529185637831688 to:0.02484465390443802 was:0.01994374394416809\n",
"['enoughntor']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['myn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['moon']\n",
"<unk>:0.12885694205760956 and:0.07627763599157333 was:0.04281330853700638 is:0.030714938417077065 in:0.022894851863384247 that:0.01827968843281269 the:0.017148179933428764 </s>:0.011912529356777668\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['godn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['theyn']\n",
"<unk>:0.11901931464672089 are:0.03142045438289642 will:0.02291155233979225 have:0.022116614505648613 e:0.01566181145608425 be:0.011756310239434242 had:0.011178616434335709 were:0.010471377521753311\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['farmers']\n",
"<unk>:0.13544021546840668 of:0.0989297479391098 and:0.05425446853041649 who:0.05287211015820503 are:0.04484263062477112 in:0.043041761964559555 to:0.02887127920985222 have:0.02541613206267357\n",
"['power']\n",
"of:0.18781116604804993 to:0.1438952088356018 <unk>:0.08915887773036957 and:0.05080623924732208 in:0.036404095590114594 is:0.019943833351135254 the:0.01752854511141777 for:0.013988734222948551\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['des']\n",
"<unk>:0.6320216655731201 moines:0.1865658164024353 ncribed:0.034676000475883484 and:0.005308760330080986 nmond:0.005183711182326078 in:0.0038829518016427755 i:0.003436959581449628 a:0.003076484426856041\n",
"['interest']\n",
"in:0.13301712274551392 of:0.08979444205760956 <unk>:0.08939780294895172 and:0.07081930339336395 at:0.04977995902299881 thereon:0.04924901947379112 on:0.04048746079206467 to:0.03960981220006943\n",
"['tliusin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['erna']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['wv']\n",
"<unk>:0.32773303985595703 of:0.07242579013109207 the:0.022383568808436394 a:0.02022143453359604 to:0.01904742792248726 m:0.018698515370488167 and:0.013192182406783104 d:0.011568273417651653\n",
"['worth']\n",
"of:0.11218017339706421 <unk>:0.10215815901756287 a:0.03453107923269272 the:0.03253547102212906 and:0.0257821436971426 more:0.02420518919825554 while:0.017389940097928047 to:0.01359771192073822\n",
"['licenses']\n",
"<unk>:0.11033543199300766 to:0.10396357625722885 and:0.09422533959150314 for:0.06774691492319107 shall:0.0523083359003067 issued:0.03611883148550987 in:0.029202736914157867 are:0.02613934502005577\n",
"['un']\n",
"<unk>:0.4566696584224701 nder:0.08708157390356064 ntil:0.055995870381593704 nknown:0.02449047937989235 nderstand:0.018614422529935837 nless:0.017933251336216927 the:0.011759438551962376 a:0.011554497294127941\n",
"['gluckaufn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['white']\n",
"<unk>:0.2232697308063507 and:0.05229616537690163 man:0.051197271794080734 oak:0.02932451106607914 house:0.027219487354159355 men:0.021995902061462402 people:0.01343904435634613 of:0.011407091282308102\n",
"['commencing']\n",
"at:0.49569693207740784 on:0.07428023219108582 <unk>:0.07341812551021576 the:0.023062394931912422 in:0.022471914067864418 with:0.015230000950396061 atnthe:0.012105814181268215 and:0.010410954244434834\n",
"['so']\n",
"<unk>:0.16613399982452393 that:0.06904952228069305 much:0.055355582386255264 far:0.03518113121390343 long:0.02733159437775612 many:0.025362104177474976 as:0.025081202387809753 the:0.01576620154082775\n",
"['him']\n",
"<unk>:0.10401047766208649 to:0.10037162899971008 and:0.06415976583957672 in:0.04259955883026123 the:0.02874256856739521 a:0.02758781798183918 that:0.0228275079280138 as:0.02206616848707199\n",
"['ut']\n",
"<unk>:0.18112920224666595 the:0.1141035407781601 a:0.024829920381307602 of:0.014878622256219387 tho:0.012298902496695518 and:0.010101906023919582 it:0.01008558552712202 to:0.009107139892876148\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['almost']\n",
"<unk>:0.2129766345024109 as:0.04424965754151344 a:0.040547143667936325 every:0.040503472089767456 exclusively:0.03396093100309372 entirely:0.024083256721496582 to:0.01987789012491703 the:0.019404517486691475\n",
"['eleg']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['side']\n",
"of:0.3658404052257538 <unk>:0.08059342205524445 and:0.054746244102716446 by:0.023162543773651123 the:0.019589869305491447 to:0.017840955406427383 ofnthe:0.016751183196902275 in:0.015321542508900166\n",
"['hern']\n",
"<unk>:0.2435188889503479 and:0.030915560200810432 a:0.01730530709028244 to:0.017023947089910507 of:0.016326725482940674 in:0.014351557940244675 the:0.013599669560790062 or:0.007070369087159634\n",
"['after']\n",
"the:0.20441681146621704 <unk>:0.14804354310035706 a:0.06892264634370804 all:0.019622862339019775 his:0.01757059060037136 he:0.015803994610905647 this:0.01576254889369011 it:0.01468038558959961\n",
"['district']\n",
"of:0.22322456538677216 <unk>:0.11020613461732864 court:0.07895426452159882 in:0.04907546564936638 and:0.04524657875299454 attorney:0.015718039125204086 ofncolumbia:0.015617774799466133 no:0.014929006807506084\n",
"['committeento']\n",
"be:0.042586799710989 <unk>:0.03804285451769829 make:0.02601236291229725 have:0.014260968193411827 answer:0.013740870170295238 give:0.013457059860229492 take:0.01297509204596281 the:0.012793749570846558\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['make']\n",
"a:0.14751596748828888 <unk>:0.12687574326992035 the:0.10512031614780426 it:0.0521208718419075 an:0.028427409008145332 up:0.023618686944246292 their:0.01611451245844364 his:0.015891505405306816\n",
"['id']\n",
"<unk>:0.18771734833717346 the:0.043948784470558167 a:0.024729611352086067 of:0.014559447765350342 to:0.01367646548897028 and:0.013346872292459011 in:0.01276423130184412 that:0.010238004848361015\n",
"['bones']\n",
"of:0.13616220653057098 <unk>:0.10232672840356827 and:0.07832131534814835 are:0.05349177122116089 were:0.04447842761874199 blotches:0.024304136633872986 in:0.018887285143136978 the:0.012277468107640743\n",
"['thus']\n",
"<unk>:0.19073782861232758 far:0.06397892534732819 the:0.03593980148434639 be:0.01660725846886635 to:0.012867200188338757 it:0.011681105941534042 a:0.010237633250653744 in:0.009400306269526482\n",
"['asn']\n",
"<unk>:0.2178916037082672 a:0.0380333811044693 the:0.03401431068778038 to:0.026883617043495178 and:0.02248041331768036 of:0.02093389816582203 it:0.01983090490102768 in:0.017860472202301025\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['dealers']\n",
"<unk>:0.1414286345243454 in:0.13212452828884125 and:0.09600738435983658 are:0.03705209121108055 of:0.036477863788604736 or:0.017732637003064156 have:0.015641342848539352 to:0.014553636312484741\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['pro']\n",
"<unk>:0.4403158128261566 nvisions:0.0725899487733841 nceedings:0.07007888704538345 nvided:0.048029251396656036 ntection:0.040083352476358414 nduced:0.02273876778781414 nduction:0.017649641260504723 nposed:0.013829520903527737\n",
"['campn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['means']\n",
"of:0.24562428891658783 <unk>:0.10788917541503906 to:0.07129447907209396 that:0.037620894610881805 the:0.027537407353520393 a:0.02209606021642685 and:0.019877590239048004 for:0.019299056380987167\n",
"['ngan']\n",
"to:0.20558972656726837 <unk>:0.06710627675056458 the:0.03419557213783264 of:0.02347540110349655 in:0.02259211800992489 for:0.01953442208468914 and:0.01862550899386406 was:0.017979783937335014\n",
"['shipments']\n",
"of:0.21433982253074646 <unk>:0.12601600587368011 from:0.07799316197633743 to:0.06276053935289383 are:0.043063703924417496 were:0.029417388141155243 the:0.02654981054365635 and:0.024752017110586166\n",
"['onensheathed']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tho']\n",
"<unk>:0.30005934834480286 most:0.0052360850386321545 first:0.004940597806125879 state:0.004865132737904787 united:0.0044953906908631325 city:0.004085723310709 same:0.004075611010193825 other:0.004045554436743259\n",
"['ntude']\n",
"of:0.19576409459114075 and:0.10433346033096313 to:0.033980581909418106 <unk>:0.03397858887910843 in:0.03085576742887497 or:0.021177662536501884 with:0.02114332839846611 which:0.01316404715180397\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['turned']\n",
"<unk>:0.12372315675020218 to:0.09318055957555771 out:0.07705926150083542 over:0.06651145964860916 into:0.0598972849547863 in:0.03840411454439163 and:0.03722130134701729 the:0.030298763886094093\n",
"['coloneln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['do']\n",
"not:0.1694450080394745 <unk>:0.12303590774536133 the:0.03810940310359001 so:0.03795699030160904 it:0.025585677474737167 with:0.02503206767141819 you:0.02148338593542576 this:0.018350347876548767\n",
"['andnthe']\n",
"<unk>:0.10762743651866913 other:0.014708217233419418 same:0.008086836896836758 first:0.00714407442137599 whole:0.006792465224862099 most:0.006189970299601555 people:0.005712251644581556 amount:0.005635734181851149\n",
"['reportna']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['goodn']\n",
"<unk>:0.19188880920410156 and:0.050644706934690475 to:0.026756729930639267 a:0.02476816065609455 in:0.019957398995757103 of:0.01810511387884617 the:0.017779890447854996 n:0.013076066970825195\n",
"['theirn']\n",
"<unk>:0.18050238490104675 and:0.009713971987366676 feet:0.004620844963937998 to:0.004466369282454252 the:0.004267761018127203 men:0.0042529478669166565 votes:0.004191650077700615 </s>:0.003551966045051813\n",
"['infannmedicine']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['thonauspices']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['order']\n",
"to:0.26698511838912964 of:0.1316775679588318 <unk>:0.08507784456014633 that:0.05212844908237457 and:0.05099612846970558 in:0.02099093236029148 the:0.018960535526275635 for:0.016864830628037453\n",
"['m']\n",
"<unk>:0.2835228145122528 the:0.027956103906035423 and:0.02779671549797058 a:0.02013435587286949 in:0.015267008915543556 of:0.01501475740224123 e:0.013003258034586906 m:0.01203886978328228\n",
"['wheiinapplied']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['gun']\n",
"<unk>:0.15959928929805756 and:0.1110154241323471 in:0.03899848461151123 was:0.03158056363463402 with:0.024331262335181236 is:0.020100800320506096 or:0.019464785233139992 the:0.01772369258105755\n",
"['misfortunenrhlch']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['wreathn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['may']\n",
"be:0.28343698382377625 <unk>:0.1322714388370514 have:0.03545297682285309 not:0.027146341279149055 bo:0.015436545014381409 he:0.012254266999661922 a:0.009326293133199215 deem:0.008938784711062908\n",
"['itnthe']\n",
"<unk>:0.09320990741252899 same:0.011794926598668098 result:0.009907680563628674 law:0.00871595274657011 city:0.008262623101472855 most:0.00791330449283123 fact:0.007520345039665699 whole:0.006768533494323492\n",
"['luggagenho']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['uilindean']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andnmeets']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fund']\n",
"<unk>:0.08968915045261383 of:0.08743654191493988 for:0.08684137463569641 to:0.06872693449258804 and:0.06509505212306976 the:0.03578845039010048 in:0.031828586012125015 is:0.023225488141179085\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['willnapply']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['followsnlocation']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['annual']\n",
"<unk>:0.219278946518898 meeting:0.0435657799243927 tax:0.04142278805375099 report:0.035192329436540604 installments:0.02832266315817833 instalments:0.020665224641561508 convention:0.02000800520181656 income:0.017834383994340897\n",
"['conn']\n",
"<unk>:0.17618918418884277 and:0.045750491321086884 </s>:0.0250977985560894 the:0.020624961704015732 in:0.017277780920267105 a:0.01310910377651453 of:0.012926775962114334 to:0.01291700266301632\n",
"['frenchn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['place']\n",
"of:0.1621199995279312 <unk>:0.0920373722910881 in:0.08766961842775345 and:0.051712796092033386 the:0.0436958447098732 to:0.034682951867580414 for:0.02837119624018669 on:0.026366619393229485\n",
"['attor']\n",
"<unk>:0.4007361829280853 nney:0.3969031274318695 the:0.010386962443590164 and:0.010082117281854153 i:0.006881405599415302 of:0.006609237287193537 t:0.006225717253983021 a:0.005905325524508953\n",
"['par']\n",
"<unk>:0.20796771347522736 value:0.08712632954120636 nty:0.07249657064676285 nticular:0.048743296414613724 nties:0.03478650748729706 and:0.03286156803369522 nticularly:0.029927806928753853 ntial:0.022359734401106834\n",
"['body']\n",
"of:0.15829144418239594 <unk>:0.10105486214160919 and:0.07112179696559906 was:0.04716029763221741 is:0.032706666737794876 the:0.026848366484045982 to:0.024859469383955002 in:0.02473429962992668\n",
"['stato']\n",
"<unk>:0.19379426538944244 of:0.18009017407894135 and:0.04407093673944473 is:0.030282404273748398 in:0.023644234985113144 to:0.02357972227036953 the:0.01545049250125885 a:0.013191437348723412\n",
"['cannot']\n",
"be:0.28981560468673706 <unk>:0.14523853361606598 help:0.022112874314188957 see:0.019797831773757935 do:0.01739228516817093 get:0.011960218660533428 fail:0.011593208648264408 bo:0.0107605941593647\n",
"['blanketsnharness']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['time']\n",
"<unk>:0.10497225821018219 to:0.06554590910673141 of:0.06249309703707695 and:0.050932347774505615 the:0.042667366564273834 in:0.030277829617261887 for:0.021024655550718307 he:0.02023688517510891\n",
"['ol']\n",
"<unk>:0.23865024745464325 the:0.20971642434597015 a:0.025130726397037506 tho:0.011873121373355389 this:0.01160435564815998 said:0.009338573552668095 his:0.009322249330580235 tbe:0.00882399920374155\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['lor']\n",
"<unk>:0.1786201298236847 the:0.15289762616157532 a:0.04422014206647873 their:0.011194709688425064 his:0.011102024465799332 this:0.01069326139986515 tho:0.010643099434673786 some:0.008016899228096008\n",
"['ebbn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['let']\n",
"us:0.14131540060043335 <unk>:0.12511198222637177 the:0.10148752480745316 me:0.061046916991472244 them:0.05915560945868492 him:0.05860207602381706 it:0.04895195737481117 her:0.013072960078716278\n",
"['seen']\n",
"<unk>:0.13241267204284668 in:0.0840703472495079 the:0.06270989775657654 that:0.049972712993621826 and:0.03451482206583023 at:0.03396326303482056 to:0.03144032880663872 a:0.030978452414274216\n",
"['period']\n",
"of:0.3294987976551056 <unk>:0.09331784397363663 in:0.0384298600256443 the:0.035883720964193344 and:0.024584371596574783 to:0.0184563547372818 when:0.014566806145012379 as:0.011276108212769032\n",
"['provide']\n",
"for:0.2981192469596863 <unk>:0.1325942724943161 a:0.09664909541606903 the:0.055871907621622086 that:0.04594846069812775 an:0.012899672612547874 fornthe:0.012088616378605366 in:0.009534557349979877\n",
"['coinedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['thence']\n",
"<unk>:0.1325051188468933 n:0.10987993329763412 north:0.09617821872234344 south:0.08914776146411896 s:0.051775217056274414 east:0.03571660444140434 along:0.035672418773174286 west:0.0307348370552063\n",
"['kerr']\n",
"<unk>:0.13584992289543152 and:0.07248608767986298 of:0.04218389093875885 was:0.035668544471263885 a:0.023667657747864723 is:0.01901554875075817 in:0.016682112589478493 who:0.016357744112610817\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['andnthus']\n",
"the:0.040026117116212845 <unk>:0.03596606105566025 be:0.029706133529543877 have:0.020607443526387215 make:0.012054769322276115 give:0.008302225731313229 become:0.008210359141230583 bring:0.007876263931393623\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['aboutnit']\n",
"<unk>:0.07440697401762009 and:0.048394110053777695 the:0.030031971633434296 to:0.02927316166460514 it:0.02835765853524208 i:0.027989819645881653 he:0.02720973640680313 we:0.0265839621424675\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['introducenthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['never']\n",
"<unk>:0.14037007093429565 been:0.06039706617593765 be:0.03736647963523865 have:0.021895958110690117 had:0.020626138895750046 before:0.020288212224841118 to:0.01799839176237583 heard:0.013736588880419731\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['pomona']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['discount']\n",
"of:0.21742412447929382 <unk>:0.07799877226352692 and:0.04922023415565491 on:0.0412304624915123 to:0.03406360372900963 in:0.02939761057496071 the:0.029138073325157166 at:0.022698024287819862\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['centn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['femalendiseases']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['congregationalnchurch']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['spanishngold']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['from']\n",
"the:0.25287488102912903 <unk>:0.15713191032409668 a:0.034414686262607574 his:0.014321111142635345 tho:0.014128337614238262 this:0.012060044333338737 which:0.011743685230612755 to:0.011461544781923294\n",
"['pollsnas']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['used']\n",
"to:0.13171960413455963 in:0.126800537109375 <unk>:0.09052575379610062 for:0.083380326628685 by:0.06074992194771767 as:0.04620610177516937 the:0.03550952300429344 and:0.02212844416499138\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['portionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['seriousn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['non']\n",
"<unk>:0.1288999766111374 the:0.1254120022058487 thence:0.04627973958849907 and:0.032691892236471176 a:0.02672610990703106 of:0.025573166087269783 in:0.009785289876163006 to:0.008905187249183655\n",
"['bet']\n",
"<unk>:0.21865931153297424 nter:0.09635099768638611 the:0.04144587367773056 in:0.02414572983980179 on:0.021659692749381065 and:0.02021639235317707 to:0.019956860691308975 it:0.019878221675753593\n",
"['moment']\n",
"<unk>:0.10094653069972992 the:0.06680868566036224 of:0.04847045987844467 and:0.0407378226518631 to:0.04018428921699524 he:0.03368587791919708 i:0.02624603919684887 that:0.025469519197940826\n",
"['credit']\n",
"of:0.19514714181423187 for:0.08490700274705887 <unk>:0.0817178413271904 to:0.08014217019081116 and:0.03672891855239868 is:0.020615605637431145 in:0.01758318580687046 the:0.016253670677542686\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['himselfnbetter']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['semi']\n",
"<unk>:0.27197903394699097 annually:0.1325145810842514 a:0.04174437373876572 in:0.017139708623290062 weekly:0.01690741628408432 and:0.013701342046260834 the:0.011942730285227299 nnary:0.011488131247460842\n",
"['history']\n",
"of:0.4008687436580658 <unk>:0.08401599526405334 and:0.05107278376817703 the:0.0194561704993248 is:0.017415201291441917 in:0.016179757192730904 as:0.014159031212329865 ofnthe:0.013975369744002819\n",
"['ntn']\n",
"<unk>:0.1858365386724472 the:0.04552031680941582 and:0.03985857963562012 a:0.038629572838544846 e:0.014704111963510513 w:0.01414131186902523 per:0.011686548590660095 in:0.008771463297307491\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['asn']\n",
"<unk>:0.2178916037082672 a:0.0380333811044693 the:0.03401431068778038 to:0.026883617043495178 and:0.02248041331768036 of:0.02093389816582203 it:0.01983090490102768 in:0.017860472202301025\n",
"['tne']\n",
"<unk>:0.29132959246635437 same:0.007052720990031958 city:0.006843366660177708 first:0.006348605267703533 said:0.006057243328541517 most:0.0051564620807766914 state:0.004245090764015913 united:0.003980154171586037\n",
"['certainly']\n",
"<unk>:0.16692860424518585 a:0.04338666796684265 be:0.04297269508242607 not:0.041910670697689056 the:0.039428457617759705 is:0.03159737586975098 have:0.01690332032740116 will:0.01600641943514347\n",
"['whistlen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nas']\n",
"<unk>:0.09714167565107346 a:0.07654842734336853 the:0.046771030873060226 been:0.04600357636809349 to:0.034462302923202515 in:0.014671402983367443 not:0.011867068707942963 recorded:0.011207274161279202\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['establishment']\n",
"of:0.39213308691978455 <unk>:0.06489380449056625 and:0.04902194067835808 in:0.04300785809755325 the:0.020644422620534897 for:0.01568196527659893 as:0.015558626502752304 is:0.013666382990777493\n",
"['subsequent']\n",
"<unk>:0.1789393275976181 to:0.1785731464624405 offense:0.034330129623413086 events:0.01167178712785244 interest:0.0069527099840343 examination:0.006920173764228821 tonsaid:0.006689353380352259 course:0.006608974654227495\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['sky']\n",
"<unk>:0.19500204920768738 and:0.15153571963310242 the:0.04096211493015289 was:0.04047343134880066 of:0.028271950781345367 is:0.021764332428574562 but:0.017378544434905052 in:0.01695646345615387\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['thiugs']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['gunters']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['skill']\n",
"and:0.185041606426239 <unk>:0.12024018168449402 of:0.09998071938753128 in:0.0762074738740921 to:0.028594322502613068 but:0.026872795075178146 the:0.019039887934923172 for:0.01677657663822174\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['thonpresent']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['carry']\n",
"<unk>:0.1313808262348175 out:0.10989869385957718 the:0.10707620531320572 on:0.08770322799682617 it:0.04462438076734543 a:0.035194337368011475 them:0.031726494431495667 off:0.018260600045323372\n",
"['county']\n",
"<unk>:0.1351660043001175 of:0.13167764246463776 and:0.05255775526165962 in:0.02681494876742363 court:0.02057517133653164 minnesota:0.019712550565600395 on:0.017450610175728798 at:0.016017641872167587\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['subjectn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['donon']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['range']\n",
"<unk>:0.23199962079524994 of:0.10403189808130264 west:0.05827819183468819 east:0.04269171133637428 and:0.027617400512099266 in:0.01689288206398487 from:0.015848761424422264 no:0.01173344999551773\n",
"['she']\n",
"<unk>:0.16755808889865875 was:0.09734693169593811 had:0.08146162331104279 is:0.04034646973013878 has:0.034382473677396774 would:0.02139720879495144 will:0.019400188699364662 could:0.017785608768463135\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['however']\n",
"<unk>:0.12043207138776779 that:0.09243124723434448 the:0.04881428927183151 is:0.03766405209898949 to:0.030304767191410065 in:0.02122175320982933 and:0.020653003826737404 he:0.019304610788822174\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['prove']\n",
"<unk>:0.13040108978748322 that:0.1279984712600708 the:0.08439368009567261 a:0.06565658003091812 to:0.06222621724009514 it:0.02997133508324623 an:0.017855767160654068 of:0.014828751794993877\n",
"['showsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andnsell']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['orena']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['some']\n",
"<unk>:0.17425395548343658 of:0.17399758100509644 time:0.033102847635746 one:0.019578879699110985 other:0.01773841679096222 years:0.014443687163293362 ofnthe:0.009550128132104874 way:0.007940506562590599\n",
"['arencaught']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['willn']\n",
"<unk>:0.16371458768844604 be:0.03393767401576042 e:0.03133251890540123 and:0.017202984541654587 </s>:0.015308918431401253 a:0.01495116576552391 le:0.012712489813566208 not:0.011774901300668716\n",
"['throat']\n",
"and:0.19598092138767242 <unk>:0.18903571367263794 of:0.030000023543834686 or:0.020812707021832466 to:0.019669046625494957 with:0.01792800799012184 the:0.016184810549020767 i:0.015220694243907928\n",
"['means']\n",
"of:0.24562428891658783 <unk>:0.10788917541503906 to:0.07129447907209396 that:0.037620894610881805 the:0.027537407353520393 a:0.02209606021642685 and:0.019877590239048004 for:0.019299056380987167\n",
"['threatened']\n",
"to:0.21979911625385284 <unk>:0.15115895867347717 with:0.06090501323342323 by:0.04662197828292847 the:0.042957715690135956 and:0.02810962311923504 in:0.015977973118424416 him:0.01218175608664751\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['itn']\n",
"<unk>:0.20177394151687622 a:0.021836427971720695 the:0.01824776828289032 is:0.01662873849272728 e:0.015546535141766071 that:0.015328289940953255 i:0.015290211886167526 in:0.014271875843405724\n",
"['friends']\n",
"of:0.13477057218551636 <unk>:0.13291239738464355 and:0.10852567851543427 in:0.050387416034936905 to:0.036208100616931915 who:0.03257203474640846 the:0.0187742430716753 that:0.015040229074656963\n",
"['shares']\n",
"of:0.2608657777309418 <unk>:0.0939820185303688 and:0.03978905826807022 in:0.03552011027932167 the:0.02638179622590542 are:0.020120086148381233 were:0.016617951914668083 for:0.01422208920121193\n",
"['patricia']\n",
"<unk>:0.672532856464386 m:0.014716065488755703 and:0.010255287401378155 c:0.007809321861714125 to:0.007526438217610121 a:0.006726691499352455 d:0.005751287564635277 the:0.0056341420859098434\n",
"['differencen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tho']\n",
"<unk>:0.30005934834480286 most:0.0052360850386321545 first:0.004940597806125879 state:0.004865132737904787 united:0.0044953906908631325 city:0.004085723310709 same:0.004075611010193825 other:0.004045554436743259\n",
"['withn']\n",
"<unk>:0.13506150245666504 the:0.052440792322158813 a:0.026220308616757393 and:0.019970647990703583 acres:0.01472160592675209 to:0.014503954909741879 in:0.013292515650391579 of:0.010805558413267136\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['ofnits']\n",
"<unk>:0.14511243999004364 own:0.018052801489830017 people:0.008145773783326149 contents:0.007623677607625723 surplus:0.007621714845299721 value:0.006796831265091896 existence:0.006795969791710377 victims:0.006391139701008797\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['water']\n",
"<unk>:0.11866020411252975 and:0.069070003926754 in:0.028125761076807976 is:0.025798169896006584 to:0.02557907998561859 the:0.02526717819273472 supply:0.01695956103503704 works:0.015865538269281387\n",
"['frame']\n",
"<unk>:0.15820932388305664 and:0.08114124834537506 of:0.07029098272323608 house:0.032807156443595886 dwelling:0.031483471393585205 building:0.02913452312350273 the:0.02502361498773098 is:0.021214278414845467\n",
"['officers']\n",
"of:0.16351985931396484 and:0.09030640125274658 <unk>:0.08806315809488297 in:0.029559357091784477 are:0.02927192859351635 who:0.02816244773566723 to:0.027645854279398918 were:0.026477385312318802\n",
"['ol']\n",
"<unk>:0.23865024745464325 the:0.20971642434597015 a:0.025130726397037506 tho:0.011873121373355389 this:0.01160435564815998 said:0.009338573552668095 his:0.009322249330580235 tbe:0.00882399920374155\n",
"['bo']\n",
"<unk>:0.22687731683254242 a:0.027709053829312325 the:0.01921551488339901 made:0.017129655927419662 in:0.009748425334692001 paid:0.007990613579750061 no:0.00740025145933032 taken:0.006778432987630367\n",
"['hemming']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['indicationsnare']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['individual']\n",
"<unk>:0.23039084672927856 and:0.04829408973455429 or:0.030999621376395226 in:0.023793430998921394 who:0.02262997440993786 is:0.013691332191228867 of:0.013300063088536263 to:0.013214111328125\n",
"['andncommissions']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['ld']\n",
"<unk>:0.23858240246772766 and:0.027854669839143753 a:0.024297557771205902 the:0.02268260531127453 in:0.022581711411476135 to:0.019529948011040688 by:0.015369437634944916 of:0.014520209282636642\n",
"['proscribes']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['can']\n",
"be:0.22046741843223572 <unk>:0.12316019833087921 do:0.028022097423672676 not:0.02678426168859005 bo:0.01689518429338932 get:0.015971969813108444 see:0.014635843224823475 make:0.013505877926945686\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['suffragen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['men']\n",
"<unk>:0.1401969939470291 who:0.08699369430541992 of:0.07003933191299438 and:0.06940215080976486 in:0.042371831834316254 to:0.036133769899606705 were:0.027552202343940735 are:0.02627480775117874\n",
"['folks']\n",
"<unk>:0.12611667811870575 in:0.05023488029837608 and:0.038982946425676346 who:0.03884375840425491 are:0.03334528207778931 were:0.026367584243416786 have:0.02573329769074917 that:0.019838089123368263\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['gave']\n",
"<unk>:0.12252984941005707 a:0.0861334279179573 the:0.0796220451593399 him:0.06889734417200089 me:0.04287678748369217 it:0.03662814944982529 us:0.027876470237970352 up:0.0271002184599638\n",
"['successors']\n",
"and:0.16003578901290894 <unk>:0.1155686303973198 shall:0.07824449241161346 are:0.07530277222394943 or:0.056259285658597946 in:0.05199591442942619 of:0.03553352132439613 have:0.02964491955935955\n",
"['sets']\n",
"of:0.1398072987794876 <unk>:0.11500849574804306 forth:0.07201441377401352 in:0.05840994045138359 out:0.045241549611091614 the:0.043617863208055496 up:0.0327877514064312 on:0.019895652309060097\n",
"['jn']\n",
"<unk>:0.2379665970802307 the:0.1023774966597557 a:0.04142600670456886 and:0.020717279985547066 this:0.015181325376033783 chancery:0.009197486564517021 n:0.008800751529633999 it:0.008773482404649258\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['before']\n",
"the:0.24371270835399628 <unk>:0.14293870329856873 he:0.03972157835960388 it:0.03197057545185089 a:0.024506403133273125 him:0.020991794764995575 and:0.016859184950590134 i:0.01602671481668949\n",
"['enemies']\n",
"of:0.1996043473482132 <unk>:0.10786789655685425 and:0.09963446855545044 to:0.038436878472566605 who:0.029408684000372887 the:0.026598459109663963 in:0.026387816295027733 that:0.015166404657065868\n",
"['andshortly']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['buying']\n",
"<unk>:0.12545126676559448 the:0.05112135410308838 and:0.04831255227327347 of:0.04075874015688896 a:0.033762287348508835 in:0.027728712186217308 it:0.02004551701247692 from:0.016662053763866425\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['pacitled']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['beautiful']\n",
"<unk>:0.19986563920974731 and:0.06531466543674469 in:0.013889404013752937 floral:0.013391145505011082 young:0.010423188097774982 woman:0.00963304191827774 city:0.008034277707338333 as:0.007112113293260336\n",
"['girls']\n",
"<unk>:0.11506520956754684 who:0.07385490089654922 and:0.05513470247387886 are:0.0470605306327343 of:0.04480684548616409 were:0.038816921412944794 in:0.03864658251404762 to:0.022442340850830078\n",
"['sit']\n",
"<unk>:0.12476971000432968 down:0.11392547190189362 in:0.1029469445347786 up:0.06567206233739853 at:0.04977419972419739 on:0.04719754308462143 with:0.022784313187003136 and:0.02014434151351452\n",
"['performed']\n",
"by:0.14499211311340332 the:0.10544628649950027 <unk>:0.09946571290493011 in:0.08697805553674698 and:0.03205077722668648 a:0.030471427366137505 at:0.023679494857788086 it:0.018193291500210762\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['pauln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['above']\n",
"<unk>:0.2134244740009308 the:0.16973528265953064 named:0.059144437313079834 all:0.04076893627643585 described:0.03093760460615158 and:0.017165910452604294 mentioned:0.016959425061941147 entitled:0.014451376162469387\n",
"['bind']\n",
"<unk>:0.14251095056533813 the:0.12327204644680023 themselves:0.060274433344602585 ning:0.038792673498392105 and:0.03834465518593788 himself:0.03275829926133156 him:0.03104127198457718 us:0.0289247315376997\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['broughtn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['thickn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['washington']\n",
"<unk>:0.1353485882282257 and:0.082618348300457 d:0.03844981640577316 to:0.02980353683233261 in:0.024653933942317963 the:0.018655017018318176 for:0.015357451513409615 district:0.01323898695409298\n",
"['welcome']\n",
"<unk>:0.14578934013843536 to:0.125039741396904 and:0.059704285115003586 the:0.049936629831790924 in:0.027030959725379944 it:0.020257556810975075 a:0.015076767653226852 him:0.013300240971148014\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['red']\n",
"<unk>:0.22721458971500397 and:0.07180376350879669 river:0.03238930180668831 cross:0.02470438741147518 with:0.014853940345346928 in:0.012223600409924984 or:0.011440963484346867 at:0.010837377049028873\n",
"['rebellednagainst']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['police']\n",
"<unk>:0.14581836760044098 force:0.06763574481010437 jury:0.05538107454776764 and:0.040700990706682205 court:0.03204048052430153 department:0.024602428078651428 in:0.019056398421525955 station:0.01796438917517662\n",
"['hernseivant']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['sunnyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['lollsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['meanderingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['them']\n",
"<unk>:0.12138011306524277 to:0.07594089955091476 and:0.04408290609717369 in:0.04301339387893677 the:0.0269981287419796 a:0.019725672900676727 as:0.017720578238368034 for:0.01670667715370655\n",
"['noticeable']\n",
"that:0.07290156185626984 in:0.0724533349275589 <unk>:0.06572636216878891 and:0.04161076992750168 feature:0.04143475741147995 by:0.031482454389333725 fact:0.02894618548452854 as:0.025360221043229103\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['whether']\n",
"the:0.161294087767601 <unk>:0.11928736418485641 it:0.08878779411315918 he:0.05603349953889847 or:0.04515042155981064 they:0.04053612798452377 a:0.020081348717212677 we:0.019859585911035538\n",
"['ofnthe']\n",
"<unk>:0.10395920276641846 state:0.020976616069674492 united:0.015931246802210808 people:0.010333534330129623 country:0.010068804956972599 city:0.009166356176137924 county:0.00631762994453311 government:0.006290480028837919\n",
"['long']\n",
"<unk>:0.15638722479343414 as:0.11464865505695343 and:0.04763420298695564 enough:0.028198428452014923 time:0.027224794030189514 ago:0.025044027715921402 before:0.018479784950613976 been:0.016535593196749687\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['inonvy']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['patient']\n",
"<unk>:0.13443894684314728 is:0.03867422416806221 and:0.03300242871046066 to:0.029985059052705765 in:0.026198863983154297 was:0.024758456274867058 has:0.022571397945284843 or:0.015635645017027855\n",
"['largenin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['poles']\n",
"to:0.3525380492210388 and:0.108626589179039 <unk>:0.09196452051401138 in:0.03338171914219856 thence:0.022053029388189316 of:0.02131837233901024 at:0.01260148175060749 north:0.010648158378899097\n",
"['presidencyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['shall']\n",
"be:0.3568992018699646 <unk>:0.09769967198371887 not:0.04519403725862503 have:0.04380497708916664 bo:0.014060457237064838 make:0.012083304114639759 he:0.011855627410113811 at:0.006949294358491898\n",
"['buil']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['othern']\n",
"<unk>:0.23844316601753235 and:0.01913762278854847 </s>:0.013490919023752213 of:0.013245755806565285 i:0.008917289786040783 to:0.007157379295676947 n:0.005688907112926245 in:0.005183529574424028\n",
"['po']\n",
"nlitical:0.31628870964050293 <unk>:0.28111857175827026 nsition:0.033384181559085846 nlice:0.030652932822704315 ition:0.01017791498452425 in:0.008066692389547825 to:0.007933447137475014 a:0.0070438566617667675\n",
"['without']\n",
"<unk>:0.192391499876976 the:0.07490507513284683 a:0.06517666578292847 any:0.05751282721757889 regard:0.010888790711760521 being:0.010643644258379936 an:0.010448135435581207 further:0.006723745260387659\n",
"['t']\n",
"<unk>:0.28939637541770935 the:0.02755691297352314 he:0.018271269276738167 a:0.014846747741103172 i:0.014116593636572361 e:0.013188501819968224 </s>:0.012891022488474846 of:0.01282279472798109\n",
"['fn']\n",
"<unk>:0.3325261175632477 the:0.13012759387493134 a:0.044233933091163635 and:0.013883395120501518 n:0.01284874975681305 m:0.011999549344182014 to:0.010671251453459263 this:0.00823407992720604\n",
"['business']\n",
"<unk>:0.1334599405527115 of:0.0808497965335846 and:0.06796373426914215 men:0.05061277747154236 in:0.04844550043344498 to:0.028571918606758118 is:0.023734482005238533 as:0.019161406904459\n",
"['commission']\n",
"<unk>:0.11750478297472 of:0.06951170414686203 and:0.0487622395157814 to:0.04743630811572075 in:0.03135725110769272 is:0.025586454197764397 for:0.02233264595270157 was:0.01925637759268284\n",
"['variesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['far']\n",
"as:0.23673515021800995 <unk>:0.12415675818920135 from:0.05023926496505737 the:0.02757541835308075 more:0.021421032026410103 beyond:0.019317366182804108 away:0.017559675499796867 a:0.0175118800252676\n",
"['than']\n",
"<unk>:0.1189335286617279 the:0.09955327957868576 a:0.0481162890791893 any:0.034569866955280304 in:0.02920665591955185 that:0.02609132044017315 one:0.02373056858778 to:0.022401196882128716\n",
"['tenn']\n",
"<unk>:0.22305095195770264 and:0.07081372290849686 in:0.045400068163871765 the:0.03189513459801674 a:0.02887948788702488 to:0.02486429736018181 of:0.019012698903679848 n:0.01287703774869442\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['womann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['all']\n",
"<unk>:0.15382647514343262 the:0.15087176859378815 of:0.04493704065680504 that:0.025463230907917023 over:0.013799985870718956 in:0.013027006760239601 who:0.011802621185779572 its:0.011572307907044888\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['cornernwherewe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['inof']\n",
"the:0.2862197458744049 <unk>:0.12366591393947601 tho:0.024131501093506813 this:0.01787620037794113 his:0.011704490520060062 one:0.009141478687524796 a:0.008577985689043999 said:0.00813246425241232\n",
"['flight']\n",
"of:0.19938811659812927 <unk>:0.10917963832616806 and:0.07029048353433609 to:0.05892810970544815 the:0.03385477140545845 in:0.033213481307029724 from:0.02186630852520466 by:0.021248478442430496\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['thenworker']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['seed']\n",
"<unk>:0.14156512916088104 and:0.047204963862895966 is:0.03819289058446884 in:0.029025167226791382 the:0.025906240567564964 of:0.023483337834477425 corn:0.02170969545841217 was:0.019000500440597534\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['ordinaryn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['whichnpierce']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['did']\n",
"not:0.4186977744102478 <unk>:0.11473532021045685 the:0.030591271817684174 so:0.018697431311011314 it:0.01732737571001053 he:0.015606810338795185 i:0.011851856485009193 in:0.011689383536577225\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['eatn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['off']\n",
"the:0.15217430889606476 <unk>:0.13625852763652802 and:0.05728655681014061 to:0.03504517674446106 in:0.032275281846523285 a:0.03211448714137077 with:0.02490657940506935 from:0.022786375135183334\n",
"['dan']\n",
"<unk>:0.32315850257873535 nger:0.07927069813013077 and:0.024387583136558533 nville:0.010070769116282463 of:0.009708541445434093 a:0.009268217720091343 was:0.007589787244796753 to:0.007411092519760132\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['myn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['place']\n",
"of:0.1621199995279312 <unk>:0.0920373722910881 in:0.08766961842775345 and:0.051712796092033386 the:0.0436958447098732 to:0.034682951867580414 for:0.02837119624018669 on:0.026366619393229485\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['lately']\n",
"<unk>:0.28802359104156494 in:0.07030268013477325 been:0.05989914387464523 the:0.02969444915652275 a:0.02274191752076149 and:0.01758296974003315 to:0.016578517854213715 of:0.016124319285154343\n",
"['appearancen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['skin']\n",
"<unk>:0.20209196209907532 and:0.08832879364490509 of:0.05464757978916168 diseases:0.039373528212308884 is:0.026760976761579514 disease:0.02401954121887684 in:0.02293362095952034 the:0.019494906067848206\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['concessionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['defense']\n",
"of:0.2404373735189438 <unk>:0.07916588336229324 and:0.05145533010363579 to:0.02566557563841343 in:0.024865981191396713 was:0.022104483097791672 the:0.02147890068590641 is:0.017605986446142197\n",
"['vainly']\n",
"<unk>:0.17832441627979279 to:0.07739003747701645 endeavoring:0.026230420917272568 endeavored:0.01587960310280323 striving:0.012123526073992252 the:0.009698399342596531 had:0.00832449458539486 trying:0.007868301123380661\n",
"['clergymann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['eachn']\n",
"<unk>:0.23767538368701935 feet:0.05464550480246544 of:0.050725068897008896 the:0.02129034698009491 and:0.016997551545500755 to:0.014490162953734398 a:0.012913242913782597 is:0.011113113723695278\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['basing']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['commandn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['years']\n",
"ago:0.13740231096744537 <unk>:0.10280637443065643 of:0.07860442996025085 and:0.05356687679886818 old:0.030458707362413406 in:0.02989320643246174 the:0.029520943760871887 to:0.019967421889305115\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['dairy']\n",
"<unk>:0.24360230565071106 and:0.06133870407938957 products:0.038269877433776855 at:0.030451929196715355 cow:0.028316736221313477 husbandry:0.02211441844701767 cattle:0.02204575017094612 for:0.011313098482787609\n",
"['ii']\n",
"<unk>:0.3125717341899872 a:0.022585060447454453 the:0.022148381918668747 i:0.01736968383193016 is:0.01435261219739914 m:0.012307321652770042 t:0.012264748103916645 in:0.01156159769743681\n",
"['bravely']\n",
"<unk>:0.264700323343277 and:0.07476718723773956 to:0.07362691313028336 in:0.043278198689222336 with:0.029746344313025475 for:0.025558670982718468 on:0.02305520512163639 the:0.018903914839029312\n",
"['retaining']\n",
"the:0.2229861319065094 <unk>:0.15232443809509277 a:0.03884211927652359 his:0.023065971210598946 this:0.01943071186542511 their:0.01670805737376213 its:0.015307280234992504 her:0.011959195137023926\n",
"['known']\n",
"as:0.17906907200813293 to:0.1604887694120407 <unk>:0.10328951478004456 that:0.06191052868962288 and:0.05049519240856171 in:0.04228660836815834 the:0.02014406956732273 by:0.016692543402314186\n",
"['ankeen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['authorisedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tonbe']\n",
"<unk>:0.06858588010072708 a:0.04331940412521362 the:0.030378470197319984 paid:0.029261713847517967 made:0.018476661294698715 held:0.017528144642710686 in:0.01732269674539566 done:0.011649633757770061\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['fearlessnasserter']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ntense']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['sit']\n",
"<unk>:0.12476971000432968 down:0.11392547190189362 in:0.1029469445347786 up:0.06567206233739853 at:0.04977419972419739 on:0.04719754308462143 with:0.022784313187003136 and:0.02014434151351452\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['anyn']\n",
"<unk>:0.2454908788204193 the:0.017155490815639496 of:0.01335963886231184 degree:0.011551839299499989 and:0.007472706958651543 it:0.0064537413418293 m:0.005850138608366251 </s>:0.005664063151925802\n",
"['classn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fol']\n",
"nlowing:0.4158642292022705 nlowed:0.24691125750541687 nlow:0.1278243511915207 <unk>:0.06754518300294876 nlows:0.059632353484630585 lowing:0.0036941193975508213 nio:0.0020408250857144594 and:0.0019714629743248224\n",
"['tharp']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['privaten']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['more']\n",
"than:0.19699864089488983 <unk>:0.16920992732048035 or:0.03894995525479317 of:0.019799329340457916 to:0.01648719608783722 and:0.014404811896383762 in:0.011601983569562435 thann:0.007835574448108673\n",
"['relativesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['lb']\n",
"<unk>:0.3177732825279236 and:0.023899970576167107 a:0.013373352587223053 the:0.011544904671609402 </s>:0.009725799784064293 to:0.00778574263677001 of:0.0067508528009057045 c:0.006664820481091738\n",
"['practicablen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['between']\n",
"the:0.26508277654647827 <unk>:0.17805610597133636 and:0.021464230492711067 them:0.018190154805779457 tho:0.015997707843780518 a:0.01537930779159069 two:0.011289786547422409 this:0.011004946194589138\n",
"['would']\n",
"be:0.15273810923099518 <unk>:0.13132600486278534 have:0.08837670832872391 not:0.07991773635149002 make:0.01737385056912899 do:0.01413943711668253 bo:0.010190516710281372 like:0.009767788462340832\n",
"['legislation']\n",
"<unk>:0.08853154629468918 and:0.06235005334019661 of:0.04935268312692642 is:0.04334903508424759 in:0.03778430446982384 which:0.03312605246901512 to:0.029876619577407837 that:0.02527811750769615\n",
"['jacob']\n",
"<unk>:0.4715477526187897 and:0.015056760050356388 f:0.011064201593399048 e:0.010807529091835022 a:0.009754830040037632 of:0.00965480599552393 h:0.00874775554984808 to:0.008213943801820278\n",
"['recommendationsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['so']\n",
"<unk>:0.16613399982452393 that:0.06904952228069305 much:0.055355582386255264 far:0.03518113121390343 long:0.02733159437775612 many:0.025362104177474976 as:0.025081202387809753 the:0.01576620154082775\n",
"['ofnland']\n",
"situate:0.14541777968406677 in:0.10413344949483871 situated:0.06217700242996216 <unk>:0.052401598542928696 of:0.028577236458659172 and:0.028356969356536865 on:0.022737037390470505 by:0.02144486829638481\n",
"['inquiryn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mrsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['respect']\n",
"to:0.2194138914346695 <unk>:0.09911125153303146 for:0.09188330173492432 of:0.06534095108509064 and:0.0629497617483139 the:0.05201973021030426 it:0.023049209266901016 in:0.020412057638168335\n",
"['tn']\n",
"<unk>:0.25235897302627563 the:0.10660476237535477 a:0.02610127441585064 tho:0.00928749144077301 his:0.008774631656706333 and:0.008637444116175175 be:0.00767943449318409 this:0.006957226898521185\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['yankeeismn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['al']\n",
"<unk>:0.2787841558456421 nthough:0.052049871534109116 the:0.04724082350730896 nways:0.044851914048194885 nmost:0.02478102594614029 nlowed:0.019718527793884277 a:0.015856657177209854 nready:0.012552413158118725\n",
"['two']\n",
"<unk>:0.20144878327846527 years:0.06755809485912323 or:0.04796089604496956 of:0.03759472817182541 weeks:0.021692873910069466 hundred:0.019932277500629425 and:0.018487567082047462 men:0.015819242224097252\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['thensavanna']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['than']\n",
"<unk>:0.1189335286617279 the:0.09955327957868576 a:0.0481162890791893 any:0.034569866955280304 in:0.02920665591955185 that:0.02609132044017315 one:0.02373056858778 to:0.022401196882128716\n",
"['times']\n",
"<unk>:0.10995355993509293 and:0.06703539937734604 the:0.050285112112760544 in:0.045079778879880905 as:0.041752517223358154 a:0.04120452329516411 of:0.034950632601976395 to:0.021511895582079887\n",
"['movement']\n",
"of:0.10758600383996964 <unk>:0.09341459721326828 in:0.07031969726085663 to:0.05066851153969765 is:0.04553423449397087 and:0.04165847226977348 was:0.03248527646064758 for:0.02736719325184822\n",
"['assembled']\n",
"<unk>:0.13266174495220184 in:0.11568988859653473 at:0.0865015760064125 to:0.0523187629878521 and:0.04266497492790222 on:0.033756326884031296 that:0.028253236785531044 as:0.024259652942419052\n",
"['down']\n",
"the:0.12659093737602234 to:0.1152196153998375 <unk>:0.1105494424700737 and:0.06293272972106934 in:0.04879021644592285 on:0.027861403301358223 with:0.02554458938539028 by:0.024915823712944984\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['valleyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['city']\n",
"of:0.1702234297990799 <unk>:0.14746426045894623 and:0.07025923579931259 in:0.027942821383476257 the:0.01994224824011326 to:0.019134199246764183 is:0.017169617116451263 at:0.012862109579145908\n",
"['electionnin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['company']\n",
"<unk>:0.13375690579414368 and:0.06673259288072586 of:0.04670895263552666 to:0.03398475795984268 in:0.031463440507650375 has:0.025390444323420525 is:0.02523624710738659 the:0.02185053750872612\n",
"['nlag']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['covernthe']\n",
"<unk>:0.11970172822475433 same:0.04949256777763367 ground:0.016345050185918808 earth:0.015526479110121727 th:0.013335436582565308 right:0.012444267980754375 hands:0.01182618085294962 whole:0.011520509608089924\n",
"['conduin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['boats']\n",
"<unk>:0.14613138139247894 and:0.09926566481590271 of:0.03837255761027336 to:0.03820431977510452 were:0.03380490839481354 are:0.03154051676392555 in:0.023863574489951134 at:0.02162119373679161\n",
"['alaska']\n",
"and:0.10571060329675674 <unk>:0.09567568451166153 in:0.05231502652168274 the:0.030144432559609413 has:0.0261246170848608 to:0.022213514894247055 is:0.021374911069869995 was:0.0193394273519516\n",
"['another']\n",
"<unk>:0.22930598258972168 and:0.026093928143382072 of:0.014712808653712273 in:0.014237381517887115 man:0.010375331155955791 to:0.009487668983638287 the:0.009474825114011765 one:0.008979622274637222\n",
"['treasonn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['acted']\n",
"<unk>:0.1989908665418625 as:0.18881680071353912 in:0.09423591941595078 upon:0.09253166615962982 on:0.04638177901506424 with:0.03667285293340683 at:0.01790272258222103 like:0.013378006406128407\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['sn']\n",
"<unk>:0.3461754024028778 e:0.041817594319581985 deg:0.03572984039783478 c:0.02446531504392624 and:0.020788012072443962 the:0.019471613690257072 w:0.01516785565763712 degrees:0.01505556795746088\n",
"['seemednto']\n",
"be:0.24605031311511993 have:0.08315875381231308 me:0.0369599424302578 <unk>:0.031112736091017723 him:0.026176024228334427 think:0.01770300604403019 the:0.016459474340081215 do:0.01566246896982193\n",
"['british']\n",
"<unk>:0.22534814476966858 government:0.05542575195431709 and:0.02344508282840252 army:0.01703035458922386 empire:0.01659269444644451 fleet:0.01649891771376133 isles:0.014993024058640003 columbia:0.012001282535493374\n",
"['uch']\n",
"<unk>:0.28588584065437317 a:0.06720475107431412 the:0.016855092719197273 in:0.013975754380226135 as:0.012774497270584106 one:0.0124110858887434 an:0.01079940889030695 and:0.009287051856517792\n",
"['oln']\n",
"<unk>:0.2044849991798401 and:0.050348397344350815 the:0.02989146299660206 a:0.025132613256573677 to:0.024547316133975983 in:0.024454576894640923 n:0.0149349020794034 </s>:0.0141941262409091\n",
"['plac']\n",
"ning:0.27812308073043823 ned:0.12870900332927704 <unk>:0.0893804058432579 of:0.0500744991004467 and:0.0389724038541317 ners:0.038171183317899704 a:0.021142462268471718 in:0.01014471985399723\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['contained']\n",
"in:0.299086332321167 <unk>:0.08584000915288925 a:0.07436466962099075 the:0.0368950255215168 duly:0.03627100586891174 and:0.02704208344221115 innsaid:0.01868712157011032 within:0.015174625441432\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['paye']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['isnby']\n",
"the:0.20982462167739868 no:0.13456274569034576 <unk>:0.08045928180217743 a:0.04893556237220764 any:0.02808544412255287 said:0.01891942135989666 it:0.01235845498740673 only:0.010291177779436111\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['overseern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['himselfnthat']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['morningnmixed']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['october']\n",
"<unk>:0.14625027775764465 a:0.09405706822872162 and:0.04928240552544594 th:0.032901275902986526 at:0.030301261693239212 the:0.026407120749354362 in:0.024559125304222107 n:0.022805223241448402\n",
"['permanent']\n",
"<unk>:0.2137015461921692 cure:0.0710100531578064 relief:0.03611605614423752 and:0.026552781462669373 organization:0.0165230892598629 benefit:0.013631322421133518 home:0.011217697523534298 in:0.010138786397874355\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['thjn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['court']\n",
"of:0.14156164228916168 <unk>:0.11138419061899185 house:0.0594351589679718 in:0.04848320037126541 and:0.037486836314201355 to:0.03686826676130295 for:0.0357346348464489 the:0.019536567851901054\n",
"['feast']\n",
"of:0.14546328783035278 <unk>:0.10247209668159485 and:0.0531606562435627 the:0.04994884133338928 in:0.03517191484570503 to:0.03408224508166313 on:0.024434924125671387 was:0.023388748988509178\n",
"['lenbelieve']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['until']\n",
"the:0.16746090352535248 <unk>:0.10822571069002151 it:0.03817759081721306 he:0.038073182106018066 they:0.03294298052787781 i:0.027611518278717995 a:0.026598699390888214 after:0.02135320007801056\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['nearn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['aren']\n",
"<unk>:0.26644155383110046 the:0.02865513600409031 to:0.027143025770783424 of:0.01882954128086567 feet:0.015926415100693703 and:0.014652454294264317 a:0.0144460778683424 in:0.0143551891669631\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['lha']\n",
"<unk>:0.4439355432987213 r:0.004589551594108343 a:0.003698120592162013 part:0.0035521159879863262 t:0.0034179508220404387 court:0.0033255228772759438 president:0.0031742514111101627 d:0.003071324899792671\n",
"['somon']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['me']\n",
"<unk>:0.1571723371744156 to:0.09861639887094498 and:0.05510082468390465 that:0.04905012249946594 in:0.031311556696891785 a:0.026816315948963165 i:0.02574211359024048 the:0.022411905229091644\n",
"['hoursn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['meet']\n",
"the:0.19060136377811432 <unk>:0.1391609013080597 with:0.048881299793720245 at:0.03961782157421112 in:0.032956164330244064 a:0.027462134137749672 and:0.027377361431717873 them:0.026666071265935898\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['messenger']\n",
"<unk>:0.11589092761278152 of:0.06925666332244873 and:0.059285011142492294 to:0.05676719918847084 who:0.03205762803554535 was:0.02399669773876667 in:0.014196592383086681 had:0.013273604214191437\n",
"['green']\n",
"<unk>:0.2358587235212326 and:0.08668065816164017 of:0.021170688793063164 the:0.014352603815495968 in:0.012751786969602108 bay:0.010645659640431404 with:0.010358531959354877 or:0.010081128217279911\n",
"['thn']\n",
"<unk>:0.3469510078430176 and:0.02157958783209324 th:0.01955828070640564 the:0.01855524443089962 a:0.015917375683784485 in:0.012993470765650272 at:0.012811314314603806 of:0.008150666952133179\n",
"['nre']\n",
"<unk>:0.21516844630241394 not:0.042748626321554184 the:0.02814129739999771 in:0.022169046103954315 a:0.021509837359189987 to:0.015773016959428787 so:0.010573981329798698 made:0.009019134566187859\n",
"['interestedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['which']\n",
"<unk>:0.12378519773483276 the:0.06727437674999237 is:0.057444047182798386 he:0.04523679241538048 was:0.02811972238123417 they:0.026010794565081596 it:0.023737287148833275 has:0.02292228862643242\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['them']\n",
"<unk>:0.12138011306524277 to:0.07594089955091476 and:0.04408290609717369 in:0.04301339387893677 the:0.0269981287419796 a:0.019725672900676727 as:0.017720578238368034 for:0.01670667715370655\n",
"['afforded']\n",
"by:0.1474548578262329 <unk>:0.10833536833524704 the:0.07195201516151428 a:0.07086975872516632 to:0.0673041120171547 in:0.04618840292096138 him:0.03485769033432007 for:0.025072116404771805\n",
"['saw']\n",
"<unk>:0.1401693969964981 the:0.13003754615783691 a:0.08326967805624008 that:0.05526047945022583 him:0.04374424368143082 it:0.027269922196865082 in:0.021296298131346703 and:0.019657379016280174\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['vamrod']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['trade']\n",
"<unk>:0.14870068430900574 and:0.07965084165334702 of:0.05946740135550499 in:0.05465235561132431 is:0.036694321781396866 with:0.027364004403352737 the:0.023356003686785698 to:0.019139021635055542\n",
"['from']\n",
"the:0.25287488102912903 <unk>:0.15713191032409668 a:0.034414686262607574 his:0.014321111142635345 tho:0.014128337614238262 this:0.012060044333338737 which:0.011743685230612755 to:0.011461544781923294\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['action']\n",
"of:0.1966582089662552 <unk>:0.07805190235376358 in:0.05613145977258682 is:0.04765669256448746 and:0.04581368714570999 or:0.03930284455418587 on:0.037724826484918594 was:0.024466877803206444\n",
"['houses']\n",
"<unk>:0.12887190282344818 and:0.11806264519691467 of:0.09227775782346725 in:0.07161278277635574 are:0.05154871195554733 were:0.02351447194814682 or:0.021317480131983757 the:0.019436735659837723\n",
"['ornmarket']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['freentransportation']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['mnle']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sister']\n",
"<unk>:0.1718248873949051 of:0.08280874043703079 mrs:0.07936207950115204 and:0.04583458974957466 who:0.027921626344323158 in:0.023863794282078743 the:0.01759127527475357 states:0.01301607396453619\n",
"['milfordn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bakingnat']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['litnling']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['them']\n",
"<unk>:0.12138011306524277 to:0.07594089955091476 and:0.04408290609717369 in:0.04301339387893677 the:0.0269981287419796 a:0.019725672900676727 as:0.017720578238368034 for:0.01670667715370655\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['e']\n",
"<unk>:0.3054422438144684 ft:0.016973424702882767 of:0.01695161685347557 feet:0.015774786472320557 a:0.015113754197955132 and:0.012072003446519375 m:0.01184568740427494 h:0.011433434672653675\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['another']\n",
"<unk>:0.22930598258972168 and:0.026093928143382072 of:0.014712808653712273 in:0.014237381517887115 man:0.010375331155955791 to:0.009487668983638287 the:0.009474825114011765 one:0.008979622274637222\n",
"['modern']\n",
"<unk>:0.3478756546974182 times:0.03212808817625046 and:0.01766667515039444 methods:0.010140764527022839 improvements:0.009202240034937859 civilization:0.009198090992867947 men:0.007536584045737982 life:0.006795074790716171\n",
"['perfectly']\n",
"<unk>:0.18308280408382416 well:0.043286051601171494 natural:0.024936839938163757 safe:0.021220969036221504 willing:0.02066846750676632 in:0.01512399222701788 clean:0.014676839113235474 satisfied:0.01461373083293438\n",
"['vaticann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['ofnso']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['o']\n",
"<unk>:0.24368269741535187 the:0.03929440677165985 a:0.02052825130522251 and:0.01449020579457283 </s>:0.01096494309604168 n:0.010541604831814766 b:0.009924139827489853 e:0.008779958821833134\n",
"['ofnany']\n",
"kind:0.07310027629137039 <unk>:0.0677308738231659 other:0.06079276278614998 of:0.04153379052877426 person:0.030073612928390503 one:0.021263351663947105 such:0.015099753625690937 the:0.014431742019951344\n",
"['morenin']\n",
"the:0.23492968082427979 <unk>:0.05380330607295036 a:0.044685233384370804 tho:0.01566627249121666 this:0.014395009726285934 connection:0.012818054296076298 its:0.009155903942883015 it:0.00807228498160839\n",
"['othernconditions']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['kptn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['murntn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['now']\n",
"<unk>:0.14582782983779907 in:0.04832162708044052 the:0.024043085053563118 and:0.021647101268172264 that:0.019400129094719887 a:0.017484351992607117 to:0.014732500538229942 on:0.013634675182402134\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['day']\n",
"of:0.3034079968929291 <unk>:0.08016764372587204 and:0.04774697870016098 the:0.025342067703604698 to:0.02038748562335968 in:0.020222947001457214 or:0.015532629564404488 at:0.015224823728203773\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['proved']\n",
"to:0.1792956441640854 <unk>:0.13156574964523315 that:0.07699204236268997 a:0.05222391337156296 the:0.046136513352394104 by:0.04469001293182373 in:0.03765649348497391 an:0.017632100731134415\n",
"['once']\n",
"<unk>:0.13567115366458893 a:0.06962233036756516 and:0.044806573539972305 in:0.04185464605689049 more:0.041413601487874985 to:0.03186348080635071 the:0.029131246730685234 as:0.01089469064027071\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['soloists']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thereto']\n",
"<unk>:0.14410436153411865 and:0.11957897990942001 in:0.043123260140419006 the:0.02977578341960907 on:0.029599299654364586 belonging:0.023871921002864838 which:0.020522408187389374 at:0.020429758355021477\n",
"['conquest']\n",
"of:0.26008811593055725 <unk>:0.14231470227241516 and:0.11548551917076111 the:0.03634529933333397 for:0.03575756028294563 in:0.03237927332520485 or:0.022971712052822113 was:0.02157828025519848\n",
"['wa']\n",
"<unk>:0.2290283888578415 a:0.04245821014046669 nter:0.01946667768061161 not:0.015900729224085808 in:0.015127007849514484 the:0.0136254308745265 to:0.01020506490021944 made:0.009764833375811577\n",
"['health']\n",
"and:0.15371553599834442 <unk>:0.13408970832824707 of:0.08999017626047134 is:0.025502687320113182 to:0.018461914733052254 officer:0.017664428800344467 as:0.017658641561865807 or:0.01754041388630867\n",
"['being']\n",
"<unk>:0.18178798258304596 the:0.05463423579931259 a:0.044204384088516235 in:0.03139527887105942 made:0.021438436582684517 done:0.010384885594248772 to:0.008472583256661892 of:0.007576572708785534\n",
"['thence']\n",
"<unk>:0.1325051188468933 n:0.10987993329763412 north:0.09617821872234344 south:0.08914776146411896 s:0.051775217056274414 east:0.03571660444140434 along:0.035672418773174286 west:0.0307348370552063\n",
"['potatoesabel']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['mn']\n",
"<unk>:0.2731979489326477 and:0.03962032496929169 to:0.02783951908349991 a:0.026626110076904297 from:0.02586328238248825 of:0.0250251442193985 in:0.019363021478056908 the:0.015526673756539822\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['should']\n",
"be:0.32915517687797546 <unk>:0.12762056291103363 not:0.0771702229976654 have:0.044952332973480225 bo:0.023956747725605965 he:0.015302123501896858 the:0.010673433542251587 do:0.0077361175790429115\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['bonman']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['understanding']\n",
"of:0.2334868460893631 that:0.14962667226791382 <unk>:0.07498057186603546 and:0.06750231236219406 the:0.036547910422086716 with:0.03578947111964226 between:0.02402905747294426 in:0.021464170888066292\n",
"['their']\n",
"<unk>:0.2757183611392975 own:0.03195241093635559 respective:0.008069413714110851 way:0.0063335346058011055 hands:0.006281290203332901 lives:0.005959530360996723 work:0.005697461310774088 heads:0.0044787367805838585\n",
"['use']\n",
"of:0.3099626898765564 <unk>:0.0894303023815155 the:0.055199071764945984 in:0.03647924214601517 and:0.03520629182457924 it:0.025875182822346687 a:0.022352363914251328 for:0.020833054557442665\n",
"['febn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['j']\n",
"<unk>:0.2886352837085724 w:0.03490549325942993 h:0.03352547436952591 m:0.030452890321612358 a:0.02782146818935871 c:0.025676563382148743 j:0.020685404539108276 b:0.01717091165482998\n",
"['second']\n",
"<unk>:0.2036028951406479 and:0.035717204213142395 day:0.0241729523986578 to:0.022458087652921677 time:0.017268087714910507 of:0.0137358782812953 in:0.013378320261836052 the:0.013357595540583134\n",
"['hon']\n",
"<unk>:0.14820170402526855 john:0.07177168130874634 j:0.04539894312620163 a:0.03147636353969574 w:0.027267396450042725 james:0.0267114769667387 and:0.02123861387372017 e:0.020709291100502014\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['country']\n",
"<unk>:0.11966928094625473 and:0.07137807458639145 in:0.03494032099843025 is:0.034728653728961945 to:0.03073720633983612 the:0.026472346857190132 that:0.016115514561533928 has:0.01602117158472538\n",
"['und']\n",
"<unk>:0.28207436203956604 the:0.05945252999663353 in:0.01540282927453518 a:0.014324329793453217 to:0.012900450266897678 i:0.012004410848021507 that:0.01079799048602581 he:0.009344872087240219\n",
"['republicans']\n",
"<unk>:0.11352851241827011 of:0.07866162806749344 in:0.06538427621126175 and:0.057353049516677856 are:0.039845049381256104 who:0.03730687126517296 to:0.03263380005955696 have:0.02983464114367962\n",
"['have']\n",
"been:0.18982408940792084 <unk>:0.13628540933132172 a:0.03918012976646423 the:0.03109835647046566 to:0.028301244601607323 not:0.021830840036273003 no:0.016670294106006622 had:0.009211625903844833\n",
"['rear']\n",
"of:0.19395118951797485 <unk>:0.0981839969754219 admiral:0.08457503467798233 and:0.04168255999684334 line:0.040183406323194504 the:0.026222093030810356 door:0.013710460625588894 end:0.01290765032172203\n",
"['transgressedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['directionsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['some']\n",
"<unk>:0.17425395548343658 of:0.17399758100509644 time:0.033102847635746 one:0.019578879699110985 other:0.01773841679096222 years:0.014443687163293362 ofnthe:0.009550128132104874 way:0.007940506562590599\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['interest']\n",
"in:0.13301712274551392 of:0.08979444205760956 <unk>:0.08939780294895172 and:0.07081930339336395 at:0.04977995902299881 thereon:0.04924901947379112 on:0.04048746079206467 to:0.03960981220006943\n",
"['nre']\n",
"<unk>:0.21516844630241394 not:0.042748626321554184 the:0.02814129739999771 in:0.022169046103954315 a:0.021509837359189987 to:0.015773016959428787 so:0.010573981329798698 made:0.009019134566187859\n",
"['without']\n",
"<unk>:0.192391499876976 the:0.07490507513284683 a:0.06517666578292847 any:0.05751282721757889 regard:0.010888790711760521 being:0.010643644258379936 an:0.010448135435581207 further:0.006723745260387659\n",
"['preserve']\n",
"the:0.2629026174545288 <unk>:0.13886097073554993 their:0.03023196943104267 his:0.029884956777095795 them:0.027369214221835136 it:0.02590325102210045 a:0.02244039997458458 and:0.019714904949069023\n",
"['does']\n",
"not:0.4736919105052948 <unk>:0.11281812191009521 the:0.05040104314684868 it:0.026441030204296112 he:0.013889159075915813 a:0.011312954127788544 so:0.010188667103648186 in:0.008470127359032631\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['above']\n",
"<unk>:0.2134244740009308 the:0.16973528265953064 named:0.059144437313079834 all:0.04076893627643585 described:0.03093760460615158 and:0.017165910452604294 mentioned:0.016959425061941147 entitled:0.014451376162469387\n",
"['made']\n",
"<unk>:0.09965836256742477 by:0.07719678431749344 a:0.07265251129865646 in:0.06660709530115128 to:0.05365895479917526 the:0.04897597059607506 and:0.029017746448516846 of:0.028677107766270638\n",
"['characnter']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thenco']\n",
"n:0.27090007066726685 s:0.14076927304267883 <unk>:0.056577034294605255 north:0.047339729964733124 south:0.045594003051519394 along:0.025075038895010948 sn:0.020989876240491867 east:0.020984433591365814\n",
"['beginningnno']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['interesting']\n",
"<unk>:0.19521258771419525 to:0.08648589253425598 and:0.069593645632267 in:0.018275367096066475 of:0.01460091769695282 feature:0.010864926502108574 the:0.010840076953172684 as:0.00956437736749649\n",
"['h']\n",
"<unk>:0.37175145745277405 a:0.02231643907725811 s:0.013975868932902813 h:0.01359990518540144 and:0.013102502562105656 c:0.012837538495659828 b:0.012762301601469517 w:0.012132775038480759\n",
"['prices']\n",
"<unk>:0.1230713352560997 of:0.06917998194694519 for:0.056860435754060745 and:0.042431898415088654 are:0.03531676530838013 to:0.033986397087574005 the:0.0238837581127882 in:0.02278982475399971\n",
"['exn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['onnapril']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['na']\n",
"<unk>:0.16866415739059448 m:0.038368623703718185 nture:0.030916616320610046 ntional:0.027404217049479485 ntion:0.0222757738083601 a:0.019856300204992294 year:0.01878712885081768 ntions:0.012865889817476273\n",
"['expensesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['st']\n",
"louis:0.20772629976272583 <unk>:0.1867828667163849 day:0.062552310526371 paul:0.055087730288505554 of:0.022747943177819252 john:0.015975341200828552 and:0.01495291292667389 the:0.01425892673432827\n",
"['wbneast']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wp']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['alsonsimilar']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['success']\n",
"of:0.16848361492156982 <unk>:0.09364951401948929 in:0.08501113951206207 and:0.0598195344209671 the:0.031754329800605774 is:0.029131799936294556 that:0.021373722702264786 to:0.018580103293061256\n",
"['disgraceful']\n",
"<unk>:0.22140493988990784 to:0.08681578189134598 and:0.05177551880478859 in:0.029670046642422676 of:0.015453437343239784 the:0.014649431221187115 for:0.01052234135568142 thing:0.010515083558857441\n",
"['mr']\n",
"<unk>:0.4285792410373688 and:0.06888768821954727 lincoln:0.010427688248455524 j:0.008750042878091335 brown:0.007694547530263662 andnmrs:0.006172175984829664 c:0.006032113917171955 a:0.005974632687866688\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['annual']\n",
"<unk>:0.219278946518898 meeting:0.0435657799243927 tax:0.04142278805375099 report:0.035192329436540604 installments:0.02832266315817833 instalments:0.020665224641561508 convention:0.02000800520181656 income:0.017834383994340897\n",
"['settled']\n",
"in:0.09155061841011047 <unk>:0.09094313532114029 by:0.0867767184972763 the:0.04082619771361351 and:0.039319463074207306 down:0.03832167759537697 on:0.036962587386369705 that:0.020606914535164833\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['coming']\n",
"to:0.11787155270576477 <unk>:0.11682339012622833 in:0.056768566370010376 from:0.04484647512435913 of:0.0364530049264431 into:0.0327400378882885 year:0.03267037495970726 up:0.028912123292684555\n",
"['flourdealers']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['tlin']\n",
"<unk>:0.492438942193985 and:0.013950459659099579 a:0.013095573522150517 to:0.008799087256193161 the:0.006529781501740217 in:0.005251807626336813 was:0.005073066335171461 at:0.004788070451468229\n",
"['proneness']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['sessions']\n",
"of:0.23566225171089172 <unk>:0.13846682012081146 and:0.04435684159398079 in:0.033713385462760925 the:0.02042986825108528 on:0.019638726487755775 will:0.017061356455087662 for:0.01655932329595089\n",
"['state']\n",
"of:0.19899342954158783 <unk>:0.12432506680488586 and:0.05099198967218399 in:0.020817264914512634 to:0.019673500210046768 that:0.01748879998922348 or:0.01699097827076912 the:0.015293367207050323\n",
"['magnetismn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pleasantly']\n",
"<unk>:0.12868335843086243 and:0.08068607747554779 in:0.062636598944664 to:0.030819658190011978 on:0.029003750532865524 at:0.02642154134809971 as:0.026223238557577133 of:0.018696071580052376\n",
"['thenfact']\n",
"that:0.6978924870491028 of:0.04971611127257347 is:0.038052454590797424 <unk>:0.017166949808597565 was:0.013439623638987541 which:0.011299686506390572 to:0.008020224049687386 tbat:0.007920438423752785\n",
"['good']\n",
"<unk>:0.1800873577594757 and:0.034809429198503494 deal:0.0223788283765316 to:0.021396957337856293 for:0.015180929563939571 as:0.014388279989361763 roads:0.011519820429384708 many:0.011263051070272923\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['respectively']\n",
"<unk>:0.1462983340024948 and:0.07756564766168594 of:0.059788960963487625 in:0.0591806061565876 to:0.04035304859280586 the:0.03580524027347565 at:0.030691105872392654 by:0.021119512617588043\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['couglnoccasioned']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['finest']\n",
"<unk>:0.24905844032764435 and:0.03345721587538719 of:0.029600996524095535 in:0.028588082641363144 quality:0.009490602649748325 stock:0.008931723423302174 or:0.0063841212540864944 specimens:0.004858449101448059\n",
"['between']\n",
"the:0.26508277654647827 <unk>:0.17805610597133636 and:0.021464230492711067 them:0.018190154805779457 tho:0.015997707843780518 a:0.01537930779159069 two:0.011289786547422409 this:0.011004946194589138\n",
"['mennmeet']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['richardnf']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['oi']\n",
"<unk>:0.26781511306762695 the:0.12787063419818878 a:0.023341944441199303 tne:0.023281697183847427 tho:0.011785191483795643 this:0.0076106516644358635 tbe:0.007064000703394413 said:0.006888304837048054\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['gcn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['anyn']\n",
"<unk>:0.2454908788204193 the:0.017155490815639496 of:0.01335963886231184 degree:0.011551839299499989 and:0.007472706958651543 it:0.0064537413418293 m:0.005850138608366251 </s>:0.005664063151925802\n",
"['ul']\n",
"<unk>:0.34723731875419617 the:0.04748677462339401 a:0.01819799467921257 and:0.01412178948521614 </s>:0.011296342127025127 i:0.008038698695600033 it:0.007850950583815575 t:0.007032052148133516\n",
"['thesen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['when']\n",
"the:0.16828003525733948 <unk>:0.12202559411525726 he:0.07795543968677521 it:0.04665255546569824 they:0.04447968304157257 i:0.03665892779827118 a:0.034122008830308914 we:0.031840745359659195\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['when']\n",
"the:0.16828003525733948 <unk>:0.12202559411525726 he:0.07795543968677521 it:0.04665255546569824 they:0.04447968304157257 i:0.03665892779827118 a:0.034122008830308914 we:0.031840745359659195\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['suddenly']\n",
"<unk>:0.15784816443920135 and:0.045832134783267975 the:0.031132683157920837 in:0.018883926793932915 to:0.017447687685489655 a:0.01721053011715412 he:0.014806446619331837 as:0.012903744354844093\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['fact']\n",
"that:0.39098605513572693 <unk>:0.07769396156072617 is:0.038525763899087906 the:0.034249939024448395 of:0.03126796334981918 it:0.018812306225299835 and:0.016333023086190224 thatnthe:0.01586158759891987\n",
"['made']\n",
"<unk>:0.09965836256742477 by:0.07719678431749344 a:0.07265251129865646 in:0.06660709530115128 to:0.05365895479917526 the:0.04897597059607506 and:0.029017746448516846 of:0.028677107766270638\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['employed']\n",
"in:0.22053653001785278 by:0.08955898135900497 <unk>:0.08067802339792252 to:0.05950067192316055 as:0.03592720627784729 and:0.035128992050886154 at:0.02778000943362713 the:0.02518022619187832\n",
"['progress']\n",
"of:0.2368943691253662 <unk>:0.08051612228155136 and:0.07332418859004974 in:0.052881427109241486 is:0.02493499219417572 the:0.023092325776815414 to:0.018227463588118553 was:0.014859630726277828\n",
"['jnandrews']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pro']\n",
"<unk>:0.4403158128261566 nvisions:0.0725899487733841 nceedings:0.07007888704538345 nvided:0.048029251396656036 ntection:0.040083352476358414 nduced:0.02273876778781414 nduction:0.017649641260504723 nposed:0.013829520903527737\n",
"['tiie']\n",
"<unk>:0.22035326063632965 same:0.010526741854846478 united:0.009536433033645153 state:0.006635385565459728 said:0.006100527010858059 government:0.005471998825669289 city:0.004992789588868618 first:0.004805330187082291\n",
"['women']\n",
"<unk>:0.13585521280765533 of:0.08395795524120331 and:0.07937668263912201 who:0.06831548362970352 are:0.039518531411886215 in:0.036880720406770706 to:0.029564207419753075 were:0.014074544422328472\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['withnthe']\n",
"<unk>:0.1000039279460907 exception:0.01939922198653221 same:0.009658806025981903 other:0.007409071549773216 greatest:0.007119960617274046 government:0.005552015732973814 result:0.005165986716747284 people:0.005006234627217054\n",
"['money']\n",
"<unk>:0.1271144449710846 and:0.07375006377696991 to:0.06113803759217262 in:0.052252210676670074 for:0.03330107778310776 is:0.0258395466953516 of:0.02133256569504738 was:0.018115758895874023\n",
"['ii']\n",
"<unk>:0.3125717341899872 a:0.022585060447454453 the:0.022148381918668747 i:0.01736968383193016 is:0.01435261219739914 m:0.012307321652770042 t:0.012264748103916645 in:0.01156159769743681\n",
"['costing']\n",
"<unk>:0.07478877156972885 more:0.043005701154470444 the:0.04011516273021698 a:0.03359853848814964 from:0.025471042841672897 about:0.022727536037564278 to:0.018026648089289665 and:0.016940105706453323\n",
"['doughtynremains']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['twentieth']\n",
"<unk>:0.32458898425102234 day:0.19191887974739075 century:0.11567143350839615 street:0.05597715452313423 of:0.028182722628116608 and:0.025894053280353546 daynof:0.012092218734323978 cen:0.011260319501161575\n",
"['centren']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['womann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['onhouso']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ers']\n",
"of:0.14549656212329865 <unk>:0.09965891391038895 and:0.053113341331481934 are:0.032804638147354126 in:0.03213731199502945 or:0.017194531857967377 to:0.016994759440422058 who:0.016774866729974747\n",
"['poundmaster']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['election']\n",
"of:0.1279112845659256 <unk>:0.09648393094539642 to:0.051636938005685806 and:0.04558534547686577 in:0.04068097099661827 shall:0.028643254190683365 is:0.025789182633161545 for:0.024335434660315514\n",
"['south']\n",
"<unk>:0.16063353419303894 carolina:0.06724609434604645 of:0.056434642523527145 and:0.03450440242886543 side:0.03367946669459343 line:0.027641771361231804 dakota:0.024316580966114998 degrees:0.024087149649858475\n",
"['corner']\n",
"of:0.4589768648147583 no:0.10600209981203079 <unk>:0.08618246763944626 and:0.020968999713659286 on:0.020520910620689392 to:0.014719761908054352 non:0.010484154336154461 ofnthe:0.010342922061681747\n",
"['tinio']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['revolters']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['commitment']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thon']\n",
"<unk>:0.19677044451236725 th:0.08251221477985382 the:0.030976003035902977 a:0.028743531554937363 i:0.015320135280489922 st:0.013669462874531746 in:0.012963647022843361 he:0.009869101457297802\n",
"['commercialccntres']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['known']\n",
"as:0.17906907200813293 to:0.1604887694120407 <unk>:0.10328951478004456 that:0.06191052868962288 and:0.05049519240856171 in:0.04228660836815834 the:0.02014406956732273 by:0.016692543402314186\n",
"['justiy']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['years']\n",
"ago:0.13740231096744537 <unk>:0.10280637443065643 of:0.07860442996025085 and:0.05356687679886818 old:0.030458707362413406 in:0.02989320643246174 the:0.029520943760871887 to:0.019967421889305115\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['founded']\n",
"on:0.15121376514434814 <unk>:0.10058676451444626 upon:0.08964170515537262 in:0.08613855391740799 the:0.049870431423187256 by:0.04742138460278511 and:0.04212081432342529 at:0.030078371986746788\n",
"['nligious']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aud']\n",
"<unk>:0.23423197865486145 the:0.06738097220659256 a:0.015234891325235367 in:0.014223162084817886 that:0.012887268327176571 to:0.011937431059777737 it:0.010239665396511555 i:0.008323781192302704\n",
"['new']\n",
"york:0.2345396727323532 <unk>:0.22550642490386963 orleans:0.024798376485705376 jersey:0.01650513894855976 and:0.015012519434094429 haven:0.014471752569079399 england:0.01076222863048315 mexico:0.006648117210716009\n",
"['examinenfranklin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['only']\n",
"<unk>:0.16589561104774475 a:0.06038087606430054 to:0.046623602509498596 the:0.036858413368463516 in:0.03357406705617905 one:0.02650539204478264 by:0.017633434385061264 be:0.01402018778026104\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['issued']\n",
"by:0.13414055109024048 <unk>:0.08062795549631119 to:0.060138531029224396 in:0.05945410951972008 out:0.05452476441860199 and:0.038996122777462006 a:0.03728606179356575 for:0.03252318501472473\n",
"['law']\n",
"<unk>:0.10096316784620285 and:0.08481988310813904 of:0.0648326501250267 or:0.03651684522628784 in:0.036097269505262375 to:0.03088599443435669 is:0.030200820416212082 the:0.02364393323659897\n",
"['recognized']\n",
"by:0.12474511563777924 <unk>:0.11982294172048569 as:0.1180872693657875 the:0.08842404931783676 and:0.04958876967430115 that:0.03214728459715843 in:0.02700914815068245 a:0.016827208921313286\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['linvn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bank']\n",
"of:0.19194073975086212 <unk>:0.14832723140716553 and:0.06186036393046379 in:0.034565698355436325 to:0.024899205192923546 notes:0.018698588013648987 the:0.01860271766781807 at:0.016379106789827347\n",
"['wnlardpure']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['throngs']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ntyfive']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['under']\n",
"the:0.3453740179538727 <unk>:0.1426248997449875 a:0.03859175369143486 his:0.021474536508321762 this:0.02049609087407589 which:0.018128812313079834 tho:0.016588034108281136 such:0.011193190701305866\n",
"['cor']\n",
"no:0.5517873167991638 <unk>:0.12549594044685364 non:0.061307307332754135 nner:0.016268013045191765 of:0.014808647334575653 xo:0.012881452217698097 nporation:0.011897431686520576 nrect:0.011892207898199558\n",
"['son']\n",
"of:0.19510594010353088 <unk>:0.14972993731498718 and:0.05336226895451546 who:0.02006475068628788 the:0.018026961013674736 in:0.016430968418717384 to:0.01519893016666174 was:0.01206505112349987\n",
"['abomination']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['citations']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nickedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nthe']\n",
"<unk>:0.11988574266433716 following:0.012212785892188549 same:0.009962796233594418 first:0.009723362512886524 said:0.007187219802290201 total:0.0071712397038936615 people:0.00704315397888422 south:0.006508657708764076\n",
"['tba']\n",
"<unk>:0.5985274910926819 first:0.004206081386655569 work:0.003198075806722045 new:0.003022993914783001 state:0.0027266168035566807 th:0.0025857347063720226 time:0.002221084199845791 united:0.002115651499480009\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['suchn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aaron']\n",
"<unk>:0.5678676962852478 burr:0.07298741489648819 and:0.024123718962073326 e:0.012371762655675411 sands:0.011874677613377571 j:0.007907061837613583 a:0.006272846832871437 is:0.006077976431697607\n",
"['p']\n",
"m:0.3617202639579773 <unk>:0.257373571395874 r:0.013251986354589462 a:0.008899691514670849 in:0.008549975231289864 b:0.007218791171908379 c:0.007097408641129732 j:0.007063710130751133\n",
"['anschool']\n",
"of:0.12037713825702667 <unk>:0.0636364221572876 for:0.03245791792869568 house:0.031808868050575256 is:0.02861754223704338 and:0.019994009286165237 to:0.01892058737576008 district:0.01874702051281929\n",
"['thereto']\n",
"<unk>:0.14410436153411865 and:0.11957897990942001 in:0.043123260140419006 the:0.02977578341960907 on:0.029599299654364586 belonging:0.023871921002864838 which:0.020522408187389374 at:0.020429758355021477\n",
"['davy']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['who']\n",
"<unk>:0.14465560019016266 are:0.05709322541952133 had:0.052187480032444 have:0.05192911997437477 was:0.03984886035323143 has:0.03698565065860748 is:0.0353294312953949 were:0.031020494177937508\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['dealnart']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['breakn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['competitors']\n",
"in:0.09361899644136429 <unk>:0.09057825803756714 and:0.06546026468276978 for:0.05716247484087944 are:0.03247210755944252 of:0.03112165629863739 the:0.03081715852022171 to:0.026921363547444344\n",
"['easily']\n",
"<unk>:0.22930625081062317 be:0.0660858079791069 and:0.047412578016519547 as:0.016830086708068848 in:0.015848271548748016 to:0.014698241837322712 have:0.009963355027139187 the:0.009808311238884926\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['these']\n",
"<unk>:0.19787919521331787 are:0.03109699860215187 men:0.02476704865694046 things:0.01615901105105877 two:0.015082272700965405 were:0.014673557132482529 days:0.007715313229709864 people:0.0068898797035217285\n",
"['slashing']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['body']\n",
"of:0.15829144418239594 <unk>:0.10105486214160919 and:0.07112179696559906 was:0.04716029763221741 is:0.032706666737794876 the:0.026848366484045982 to:0.024859469383955002 in:0.02473429962992668\n",
"['opennquestion']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['actionnof']\n",
"the:0.576371431350708 <unk>:0.04236968234181404 a:0.02905573509633541 tho:0.018930181860923767 this:0.017893005162477493 his:0.013918529264628887 said:0.013438373804092407 it:0.011399134062230587\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['aa']\n",
"<unk>:0.2677466571331024 the:0.06188793480396271 a:0.05786508321762085 to:0.044057782739400864 i:0.02205546200275421 it:0.021214809268712997 well:0.017994003370404243 he:0.015358198434114456\n",
"['greatest']\n",
"<unk>:0.2377634346485138 of:0.0462520569562912 number:0.0167444609105587 difficulty:0.014219291508197784 care:0.012753847986459732 and:0.01255085039883852 possible:0.010945340618491173 importance:0.00949755311012268\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['clerksnand']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['loftynstandpoint']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['north']\n",
"<unk>:0.14947207272052765 of:0.10138789564371109 and:0.04654878005385399 dakota:0.0461861826479435 carolina:0.04293050244450569 side:0.03530726954340935 line:0.03014610894024372 degrees:0.02388894185423851\n",
"['gamen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['thisn']\n",
"<unk>:0.25579094886779785 th:0.17176546156406403 the:0.02118796296417713 rd:0.01572372391819954 a:0.010936521925032139 st:0.009146014228463173 was:0.009136886335909367 is:0.00814779382199049\n",
"['yoj']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tho']\n",
"<unk>:0.30005934834480286 most:0.0052360850386321545 first:0.004940597806125879 state:0.004865132737904787 united:0.0044953906908631325 city:0.004085723310709 same:0.004075611010193825 other:0.004045554436743259\n",
"['others']\n",
"<unk>:0.11476479470729828 who:0.049779605120420456 of:0.03594129532575607 and:0.03445454686880112 are:0.033257197588682175 to:0.032092250883579254 in:0.031453441828489304 were:0.02728435955941677\n",
"['reducen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thonvoice']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['m']\n",
"<unk>:0.2835228145122528 the:0.027956103906035423 and:0.02779671549797058 a:0.02013435587286949 in:0.015267008915543556 of:0.01501475740224123 e:0.013003258034586906 m:0.01203886978328228\n",
"['wasn']\n",
"<unk>:0.17828217148780823 a:0.06104143708944321 to:0.04011765867471695 the:0.035765957087278366 and:0.0352165661752224 in:0.03417397290468216 years:0.025945717468857765 per:0.017281075939536095\n",
"['deemed']\n",
"<unk>:0.21160514652729034 to:0.09253015369176865 necessary:0.08706780523061752 guilty:0.059228330850601196 it:0.05640697479248047 the:0.03384339436888695 a:0.020959440618753433 advisable:0.01999853178858757\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['mrsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nn']\n",
"<unk>:0.36405232548713684 deg:0.01569123938679695 the:0.015511632896959782 a:0.013438321650028229 e:0.010667050257325172 hour:0.009103769436478615 i:0.008815512992441654 in:0.00836935080587864\n",
"['iin']\n",
"<unk>:0.33133798837661743 the:0.035319484770298004 a:0.03043532557785511 of:0.014804204925894737 to:0.013963147066533566 in:0.013448142446577549 and:0.01213554572314024 it:0.010790788568556309\n",
"['forn']\n",
"<unk>:0.1115146204829216 the:0.051305800676345825 and:0.048147838562726974 years:0.044146906584501266 a:0.030462106689810753 to:0.02320079505443573 per:0.020868172869086266 in:0.019460191950201988\n",
"['whonrarely']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['natural']\n",
"<unk>:0.261522114276886 and:0.049864720553159714 to:0.028796842321753502 that:0.014708410017192364 history:0.013121782802045345 advantages:0.012407706119120121 resources:0.011814234778285027 result:0.007802516222000122\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['countnvsst']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['arondrinking']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['any']\n",
"<unk>:0.18500959873199463 other:0.058487359434366226 of:0.05493040755391121 one:0.03391449525952339 person:0.03100009076297283 time:0.017893556505441666 part:0.015694627538323402 way:0.014333382248878479\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['campaigns']\n",
"<unk>:0.11362569779157639 and:0.09876680374145508 of:0.08377203345298767 in:0.059044670313596725 the:0.035324495285749435 by:0.023252004757523537 at:0.02293906919658184 to:0.022023312747478485\n",
"['withinn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['inntears']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['judges']\n",
"of:0.1778498888015747 <unk>:0.15714684128761292 and:0.06709165126085281 in:0.028621293604373932 to:0.023963483050465584 who:0.02371620014309883 shall:0.021777192130684853 for:0.016936440020799637\n",
"['investigation']\n",
"of:0.1682879626750946 <unk>:0.06976369768381119 and:0.06307008117437363 is:0.03032905049622059 to:0.0284765362739563 was:0.027593944221735 the:0.027465874329209328 in:0.02310458943247795\n",
"['fourthn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thence']\n",
"<unk>:0.1325051188468933 n:0.10987993329763412 north:0.09617821872234344 south:0.08914776146411896 s:0.051775217056274414 east:0.03571660444140434 along:0.035672418773174286 west:0.0307348370552063\n",
"['coppern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['west']\n",
"<unk>:0.16299289464950562 of:0.09448179602622986 feet:0.042175717651844025 and:0.038554225116968155 side:0.03353583812713623 line:0.030160516500473022 virginia:0.027988461777567863 to:0.018494093790650368\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['verbaln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thosen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['upon']\n",
"the:0.3011998236179352 <unk>:0.12525641918182373 a:0.047969166189432144 his:0.027204573154449463 which:0.027066446840763092 it:0.020032189786434174 this:0.015930216759443283 him:0.01504848338663578\n",
"['effects']\n",
"of:0.39725735783576965 <unk>:0.07033058255910873 and:0.028343036770820618 in:0.027099240571260452 on:0.024927664548158646 are:0.023425493389368057 the:0.014821379445493221 upon:0.0136069655418396\n",
"['nnd']\n",
"<unk>:0.19261445105075836 the:0.05909907817840576 it:0.012477666139602661 in:0.012074564583599567 that:0.010225213132798672 to:0.01010927651077509 a:0.009829960763454437 i:0.008182667195796967\n",
"['eum']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pending']\n",
"in:0.14621202647686005 the:0.0969029888510704 <unk>:0.0935169979929924 a:0.035863667726516724 and:0.028789743781089783 before:0.016669251024723053 by:0.01443216297775507 as:0.013965925201773643\n",
"['armyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['words']\n",
"<unk>:0.13361772894859314 of:0.0977063998579979 and:0.04478675499558449 the:0.04333037510514259 to:0.036743856966495514 that:0.027361346408724785 in:0.021622510626912117 are:0.017001640051603317\n",
"['nonii']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['height']\n",
"of:0.28621137142181396 <unk>:0.09587182104587555 and:0.08520220220088959 in:0.021739255636930466 to:0.021192653104662895 the:0.018947307020425797 which:0.013465744443237782 with:0.012457187287509441\n",
"['otbar']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['establishedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['standardn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hemlockn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['salisbury']\n",
"<unk>:0.2202049046754837 and:0.09412628412246704 is:0.027465591207146645 in:0.024543091654777527 was:0.02030571550130844 to:0.018733737990260124 of:0.01645197719335556 the:0.011811361648142338\n",
"['whitenhorse']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['everybody']\n",
"<unk>:0.12589550018310547 who:0.06254053115844727 is:0.0426168330013752 knows:0.03923946991562843 in:0.038731880486011505 else:0.031142204999923706 was:0.027533965185284615 that:0.02476021647453308\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['secure']\n",
"the:0.2173301875591278 a:0.12755133211612701 <unk>:0.11575178802013397 to:0.0538337416946888 its:0.01587483659386635 their:0.01534473616629839 an:0.015252215787768364 it:0.014430418610572815\n",
"['poles']\n",
"to:0.3525380492210388 and:0.108626589179039 <unk>:0.09196452051401138 in:0.03338171914219856 thence:0.022053029388189316 of:0.02131837233901024 at:0.01260148175060749 north:0.010648158378899097\n",
"['during']\n",
"the:0.5340998768806458 <unk>:0.08937543630599976 tho:0.027653364464640617 his:0.026198063045740128 this:0.02525806427001953 a:0.02010735496878624 which:0.019197408109903336 that:0.013947270810604095\n",
"['ornin']\n",
"the:0.17244398593902588 any:0.07866869121789932 anywise:0.05279728025197983 other:0.041836246848106384 a:0.03605612367391586 <unk>:0.021345295011997223 equity:0.014875143766403198 fact:0.013943075202405453\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['phil']\n",
"<unk>:0.4267633855342865 and:0.025808069854974747 a:0.025399144738912582 sheridan:0.015474392101168633 h:0.008517577312886715 n:0.00835232250392437 w:0.007723895367234945 kearney:0.007610136177390814\n",
"['illinois']\n",
"<unk>:0.15402436256408691 and:0.08326803892850876 central:0.06093114987015724 in:0.029211673885583878 the:0.02758931554853916 is:0.015897873789072037 has:0.01511389296501875 to:0.01081110443919897\n",
"['courtsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['marry']\n",
"<unk>:0.17059533298015594 him:0.08041632920503616 a:0.07426634430885315 the:0.06967129558324814 and:0.04126695170998573 her:0.03396725282073021 me:0.026616403833031654 it:0.019000263884663582\n",
"['whichn']\n",
"<unk>:0.09513779729604721 is:0.0427488312125206 was:0.031380314379930496 have:0.024895232170820236 the:0.02308337762951851 he:0.01848933845758438 had:0.01730869710445404 has:0.016833506524562836\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['either']\n",
"<unk>:0.16250593960285187 of:0.09028215706348419 in:0.062476444989442825 by:0.04310589283704758 side:0.03965900093317032 the:0.03833794593811035 to:0.031242527067661285 a:0.0216143149882555\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['mrn']\n",
"<unk>:0.2890336215496063 and:0.021503973752260208 d:0.01847616210579872 c:0.014490840025246143 a:0.014023448340594769 r:0.011895265430212021 m:0.010392635129392147 e:0.009678130969405174\n",
"['coming']\n",
"to:0.11787155270576477 <unk>:0.11682339012622833 in:0.056768566370010376 from:0.04484647512435913 of:0.0364530049264431 into:0.0327400378882885 year:0.03267037495970726 up:0.028912123292684555\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['quickly']\n",
"<unk>:0.13998381793498993 and:0.0691794827580452 as:0.06185488775372505 to:0.02755701169371605 in:0.01904434524476528 the:0.012216402217745781 but:0.0070138913579285145 on:0.006679862271994352\n",
"['anstone']\n",
"<unk>:0.17339183390140533 in:0.056179676204919815 and:0.05223376303911209 with:0.034281834959983826 of:0.029901577159762383 thence:0.026747053489089012 on:0.02526753768324852 to:0.020747484639286995\n",
"['than']\n",
"<unk>:0.1189335286617279 the:0.09955327957868576 a:0.0481162890791893 any:0.034569866955280304 in:0.02920665591955185 that:0.02609132044017315 one:0.02373056858778 to:0.022401196882128716\n",
"['irtshn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['chances']\n",
"of:0.20476379990577698 are:0.13131317496299744 to:0.05863739550113678 for:0.05807962641119957 <unk>:0.05150783807039261 arenthat:0.04878445714712143 in:0.03805316612124443 were:0.02489974908530712\n",
"['moral']\n",
"<unk>:0.22463980317115784 and:0.08965848386287689 character:0.017753420397639275 principle:0.011684567667543888 or:0.011639869771897793 nature:0.010739893652498722 courage:0.00975534413009882 influence:0.00905156321823597\n",
"['town']\n",
"of:0.2001301497220993 <unk>:0.14438511431217194 and:0.06569493561983109 in:0.03441576287150383 or:0.022990340366959572 to:0.01949155330657959 is:0.01745290495455265 the:0.0171210840344429\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['st']\n",
"louis:0.20772629976272583 <unk>:0.1867828667163849 day:0.062552310526371 paul:0.055087730288505554 of:0.022747943177819252 john:0.015975341200828552 and:0.01495291292667389 the:0.01425892673432827\n",
"['near']\n",
"the:0.22829078137874603 <unk>:0.21912696957588196 future:0.029819857329130173 to:0.021485822275280952 a:0.020894818007946014 by:0.017991025000810623 and:0.014005719684064388 tho:0.01149867381900549\n",
"['contractors']\n",
"and:0.11657354235649109 <unk>:0.10808571428060532 in:0.08220633864402771 to:0.05312122032046318 who:0.03978288173675537 of:0.03564288839697838 for:0.03532684966921806 are:0.0259977076202631\n",
"['sunday']\n",
"<unk>:0.17763173580169678 morning:0.08451692759990692 afternoon:0.052880413830280304 school:0.05108914151787758 and:0.046976376324892044 evening:0.030465593561530113 night:0.02386580966413021 the:0.023528050631284714\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['comfort']\n",
"and:0.1490454077720642 of:0.13435320556163788 <unk>:0.08308801054954529 to:0.07980504631996155 in:0.0422644168138504 the:0.024801049381494522 for:0.021892869845032692 or:0.017562903463840485\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['part']\n",
"of:0.5618791580200195 <unk>:0.05756089463829994 in:0.04997449368238449 ofnthe:0.028961164876818657 thereofnnow:0.01921454258263111 and:0.0156328696757555 thereof:0.01512932125478983 ot:0.01293669082224369\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['regulate']\n",
"the:0.29783278703689575 <unk>:0.14046236872673035 his:0.028316084295511246 their:0.022189809009432793 this:0.017443086951971054 its:0.017273861914873123 all:0.01327490620315075 and:0.011682490818202496\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['emotionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['say']\n",
"that:0.21495364606380463 <unk>:0.11226599663496017 the:0.04550514370203018 to:0.03919023275375366 it:0.028015941381454468 i:0.022692859172821045 a:0.01814952678978443 in:0.017609383910894394\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['place']\n",
"of:0.1621199995279312 <unk>:0.0920373722910881 in:0.08766961842775345 and:0.051712796092033386 the:0.0436958447098732 to:0.034682951867580414 for:0.02837119624018669 on:0.026366619393229485\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['thontaste']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['collarless']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['whon']\n",
"<unk>:0.16171114146709442 the:0.08145460486412048 he:0.04508152976632118 it:0.04210944473743439 i:0.03724900633096695 a:0.03080781176686287 they:0.014484706334769726 we:0.013502221554517746\n",
"['prai']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['newnpeople']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['johnn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nown']\n",
"<unk>:0.12395649403333664 and:0.0368642657995224 a:0.0349988155066967 of:0.021770700812339783 to:0.02150752581655979 in:0.018438762053847313 the:0.016776015982031822 or:0.009864740073680878\n",
"['rsovemtor']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['munitions']\n",
"of:0.3298134207725525 <unk>:0.09733649343252182 and:0.09681684523820877 to:0.03678743168711662 or:0.025354767218232155 at:0.021954350173473358 for:0.01310486625880003 as:0.012035355903208256\n",
"['moat']\n",
"<unk>:0.3829205632209778 of:0.11223871260881424 important:0.0298890620470047 interesting:0.007121632341295481 valuable:0.006083225831389427 the:0.005220384337007999 in:0.004519990179687738 i:0.004082258325070143\n",
"['heacn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thrrn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thanco']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['severaln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thereinn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thenterritory']\n",
"of:0.29595428705215454 and:0.05850572511553764 <unk>:0.04859963059425354 in:0.03397664427757263 to:0.028420107439160347 the:0.027818694710731506 with:0.020652083680033684 is:0.018678104504942894\n",
"['won']\n",
"the:0.15196967124938965 <unk>:0.1453724354505539 by:0.0909755527973175 a:0.05411728098988533 in:0.031984008848667145 for:0.023248642683029175 and:0.015257654711604118 at:0.01502468716353178\n",
"['house']\n",
"<unk>:0.12546801567077637 of:0.08900561183691025 and:0.08445941656827927 in:0.08413118869066238 to:0.02288135699927807 on:0.022624295204877853 the:0.02145742066204548 was:0.01985878497362137\n",
"['lostn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['affections']\n",
"of:0.3188987672328949 and:0.11635995656251907 <unk>:0.11540257930755615 the:0.020442860201001167 which:0.017809320241212845 that:0.017269765958189964 ofnthe:0.015923351049423218 in:0.011983688920736313\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['jaw']\n",
"<unk>:0.15988847613334656 and:0.13985903561115265 of:0.029304025694727898 the:0.029119187965989113 in:0.028122717514634132 was:0.025542184710502625 for:0.020533982664346695 to:0.020473521202802658\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['demonstratesn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['maynbe']\n",
"<unk>:0.0874728187918663 necessary:0.04045286402106285 made:0.033974550664424896 a:0.026054443791508675 the:0.023261994123458862 required:0.01283526886254549 said:0.012463465332984924 in:0.012148863635957241\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['ownn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['works']\n",
"<unk>:0.17055638134479523 of:0.12397440522909164 and:0.07086756825447083 in:0.05594021454453468 the:0.02860872633755207 for:0.021822679787874222 at:0.021671446040272713 on:0.017827900126576424\n",
"['u']\n",
"<unk>:0.28760093450546265 s:0.0711745172739029 a:0.03687036409974098 n:0.013613618910312653 the:0.01333531178534031 to:0.012395583093166351 in:0.010106680914759636 and:0.009843870997428894\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['loaned']\n",
"to:0.10810454189777374 <unk>:0.07759710401296616 the:0.043808069080114365 by:0.040206946432590485 for:0.038681283593177795 in:0.035415347665548325 and:0.030969681218266487 him:0.025006094947457314\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['stopnthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['appearedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['pitched']\n",
"<unk>:0.10695793479681015 the:0.06070980057120323 in:0.0361134372651577 over:0.027776330709457397 a:0.02756524831056595 to:0.027072513476014137 into:0.023316966369748116 and:0.021854819729924202\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['nnouncing']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['saidnalex']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['upon']\n",
"the:0.3011998236179352 <unk>:0.12525641918182373 a:0.047969166189432144 his:0.027204573154449463 which:0.027066446840763092 it:0.020032189786434174 this:0.015930216759443283 him:0.01504848338663578\n",
"['atngrief']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ntense']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['hadn']\n",
"<unk>:0.21738912165164948 been:0.04325232654809952 to:0.023180941119790077 in:0.023002387955784798 a:0.01988852024078369 had:0.010829955339431763 een:0.010464129038155079 and:0.008600907400250435\n",
"['hen']\n",
"<unk>:0.17106422781944275 the:0.06470520049333572 he:0.03395789861679077 i:0.026423409581184387 and:0.02127615362405777 a:0.018003011122345924 it:0.016737177968025208 was:0.014481781981885433\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['faith']\n",
"in:0.16957330703735352 and:0.11191374063491821 <unk>:0.09680081158876419 of:0.060897644609212875 that:0.038207683712244034 to:0.029035288840532303 the:0.02526267245411873 but:0.016544872894883156\n",
"['alhinu']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['usually']\n",
"<unk>:0.17785871028900146 the:0.027327604591846466 in:0.017051970586180687 be:0.01703612320125103 a:0.015415430068969727 is:0.009830227121710777 have:0.008803951554000378 made:0.007579134311527014\n",
"['immortal']\n",
"<unk>:0.1888681948184967 soul:0.04275768995285034 and:0.03822615370154381 to:0.015240505337715149 souls:0.012311994098126888 in:0.011543866246938705 father:0.011251943185925484 the:0.01024947315454483\n",
"['this']\n",
"<unk>:0.17800742387771606 is:0.04789799079298973 city:0.02430088445544243 country:0.018453223630785942 state:0.01543350052088499 time:0.014822674915194511 act:0.013091904111206532 was:0.012891951017081738\n",
"['manyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['agreeabl']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['say']\n",
"that:0.21495364606380463 <unk>:0.11226599663496017 the:0.04550514370203018 to:0.03919023275375366 it:0.028015941381454468 i:0.022692859172821045 a:0.01814952678978443 in:0.017609383910894394\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['hn']\n",
"<unk>:0.40869736671447754 w:0.01600746624171734 chatham:0.01587497442960739 a:0.012906793504953384 the:0.012000254355370998 of:0.01196422427892685 and:0.01193371880799532 e:0.008795693516731262\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['backs']\n",
"of:0.1567639410495758 and:0.09716694802045822 <unk>:0.09138563275337219 to:0.034847695380449295 in:0.033746808767318726 from:0.028786059468984604 on:0.022327572107315063 for:0.019632156938314438\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['nne']\n",
"<unk>:0.13353276252746582 of:0.11594736576080322 in:0.013467591255903244 and:0.013386324979364872 the:0.01104765385389328 was:0.008742401376366615 a:0.008353900164365768 </s>:0.00786562915891409\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['acsamedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['heavilynand']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['somebodyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['published']\n",
"in:0.34008991718292236 <unk>:0.08400758355855942 by:0.051117826253175735 a:0.04620802402496338 at:0.03081405907869339 the:0.02719266526401043 and:0.024302300065755844 for:0.022659754380583763\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['eveu']\n",
"<unk>:0.085356704890728 to:0.04589604586362839 the:0.04222045838832855 in:0.03345860168337822 a:0.024036595597863197 not:0.02098611742258072 as:0.019701626151800156 that:0.017934154719114304\n",
"['voluntarily']\n",
"<unk>:0.189332976937294 and:0.0492376834154129 to:0.04731658846139908 of:0.01605869084596634 at:0.011418038047850132 the:0.008407378569245338 had:0.007590100634843111 in:0.006651732604950666\n",
"['business']\n",
"<unk>:0.1334599405527115 of:0.0808497965335846 and:0.06796373426914215 men:0.05061277747154236 in:0.04844550043344498 to:0.028571918606758118 is:0.023734482005238533 as:0.019161406904459\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['days']\n",
"<unk>:0.1260049045085907 of:0.08986402302980423 and:0.06047482788562775 after:0.05545276030898094 in:0.03371334448456764 from:0.03161957114934921 the:0.029749581590294838 before:0.029495220631361008\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['tirst']\n",
"<unk>:0.17818404734134674 day:0.03113403543829918 of:0.02795431762933731 to:0.02496706135571003 time:0.022198151797056198 and:0.014248757623136044 in:0.011218593455851078 the:0.010986477136611938\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['over']\n",
"the:0.23148313164710999 <unk>:0.1256921887397766 a:0.04477476328611374 to:0.0431060828268528 and:0.03092137910425663 his:0.01551332138478756 this:0.014292209409177303 it:0.013381796889007092\n",
"['live']\n",
"<unk>:0.14120592176914215 in:0.12477588653564453 stock:0.04305543750524521 and:0.03708760812878609 on:0.02988092228770256 to:0.027973027899861336 years:0.023574553430080414 with:0.015202261507511139\n",
"['un']\n",
"<unk>:0.4566696584224701 nder:0.08708157390356064 ntil:0.055995870381593704 nknown:0.02449047937989235 nderstand:0.018614422529935837 nless:0.017933251336216927 the:0.011759438551962376 a:0.011554497294127941\n",
"['possibility']\n",
"of:0.5262849926948547 that:0.10511957108974457 <unk>:0.09632515162229538 ofnthe:0.017781982198357582 the:0.013523195870220661 to:0.011870087124407291 and:0.010968747548758984 for:0.00782052893191576\n",
"['orn']\n",
"<unk>:0.20705755054950714 per:0.0384085476398468 and:0.03350023180246353 the:0.024515334516763687 of:0.0238274484872818 miles:0.019973276183009148 a:0.0191848985850811 years:0.01858988031744957\n",
"['recommondationn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['arouaenau']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['cron']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['isn']\n",
"<unk>:0.1455436497926712 a:0.04267491027712822 and:0.04211031273007393 feet:0.031343743205070496 miles:0.023163456469774246 the:0.01933097466826439 to:0.018890809267759323 in:0.018090419471263885\n",
"['thenntta']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['brest']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['annleaning']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['slender']\n",
"<unk>:0.3240596354007721 and:0.05266793444752693 in:0.012999237515032291 figure:0.011286607012152672 man:0.010770926252007484 with:0.008478245697915554 thread:0.006879066117107868 or:0.0054272981360554695\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['jan']\n",
"<unk>:0.2185121774673462 a:0.06838861107826233 the:0.06654699146747589 nuary:0.030554916709661484 n:0.029033469036221504 th:0.024613430723547935 and:0.022067777812480927 in:0.01980743184685707\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['youn']\n",
"<unk>:0.15592433512210846 and:0.033765457570552826 have:0.01954464055597782 the:0.014755692332983017 are:0.013865301385521889 as:0.013792889192700386 do:0.011979772709310055 be:0.01113135926425457\n",
"['matter']\n",
"of:0.2561452388763428 <unk>:0.09461399912834167 and:0.04309694841504097 to:0.032927341759204865 in:0.02930462546646595 is:0.02555735409259796 how:0.025165850296616554 was:0.019140658900141716\n",
"['millnmartin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['boat']\n",
"<unk>:0.15527187287807465 and:0.08323284983634949 was:0.0516241192817688 to:0.03785998001694679 the:0.02142181806266308 in:0.02086133323609829 is:0.01866125501692295 with:0.01584114506840706\n",
"['good']\n",
"<unk>:0.1800873577594757 and:0.034809429198503494 deal:0.0223788283765316 to:0.021396957337856293 for:0.015180929563939571 as:0.014388279989361763 roads:0.011519820429384708 many:0.011263051070272923\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['connection']\n",
"with:0.5305390954017639 <unk>:0.07108703255653381 withnthe:0.035323478281497955 between:0.026678593829274178 of:0.018701333552598953 the:0.016672935336828232 it:0.014871818013489246 therewith:0.013653109781444073\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['aren']\n",
"<unk>:0.26644155383110046 the:0.02865513600409031 to:0.027143025770783424 of:0.01882954128086567 feet:0.015926415100693703 and:0.014652454294264317 a:0.0144460778683424 in:0.0143551891669631\n",
"['accomplishedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['patent']\n",
"for:0.11476041376590729 <unk>:0.11011043936014175 to:0.04202071204781532 from:0.041922785341739655 minnesota:0.03324436768889427 medicine:0.027397247031331062 and:0.0260161180049181 office:0.02535947598516941\n",
"['boardn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['many']\n",
"<unk>:0.19250249862670898 of:0.1494484543800354 years:0.0423365980386734 a:0.024193409830331802 other:0.0173382256180048 people:0.014260252006351948 times:0.011340552009642124 who:0.01114308089017868\n",
"['thewan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['astonishment']\n",
"of:0.09443974494934082 and:0.06711185723543167 <unk>:0.05650818347930908 to:0.046461090445518494 that:0.045758578926324844 the:0.03862403705716133 he:0.03801070153713226 in:0.02799920178949833\n",
"['jnthat']\n",
"the:0.18183490633964539 <unk>:0.10563041269779205 he:0.06824404001235962 it:0.037425633519887924 of:0.02363201603293419 a:0.022983234375715256 is:0.021822508424520493 that:0.0217078048735857\n",
"['chiln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ton']\n",
"<unk>:0.12703152000904083 of:0.0472821369767189 and:0.044318489730358124 the:0.036658141762018204 inclusive:0.03466125205159187 a:0.02294035069644451 to:0.01923973858356476 per:0.019187644124031067\n",
"['quarters']\n",
"of:0.12296562641859055 <unk>:0.12007762491703033 and:0.08630088716745377 in:0.04210058972239494 for:0.03517161309719086 to:0.031160663813352585 at:0.03077503852546215 the:0.029424913227558136\n",
"['laying']\n",
"<unk>:0.12073693424463272 the:0.09785056859254837 of:0.06697840243577957 out:0.05655529722571373 down:0.04352455213665962 a:0.03746749833226204 in:0.026555566117167473 aside:0.02145397663116455\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['business']\n",
"<unk>:0.1334599405527115 of:0.0808497965335846 and:0.06796373426914215 men:0.05061277747154236 in:0.04844550043344498 to:0.028571918606758118 is:0.023734482005238533 as:0.019161406904459\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['staten']\n",
"island:0.39495372772216797 <unk>:0.15716588497161865 of:0.02116451784968376 and:0.01921260915696621 the:0.01512856874614954 a:0.011054410599172115 is:0.009674263186752796 c:0.007504778448492289\n",
"['thesyphn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['proposedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['caused']\n",
"by:0.2793892025947571 the:0.1076982170343399 <unk>:0.09935581684112549 a:0.06409090757369995 him:0.023623472079634666 me:0.018848180770874023 to:0.01592428609728813 an:0.015859564766287804\n",
"['perusing']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['new']\n",
"york:0.2345396727323532 <unk>:0.22550642490386963 orleans:0.024798376485705376 jersey:0.01650513894855976 and:0.015012519434094429 haven:0.014471752569079399 england:0.01076222863048315 mexico:0.006648117210716009\n",
"['making']\n",
"<unk>:0.1670808345079422 the:0.1285746991634369 a:0.1200590655207634 of:0.038701415061950684 it:0.03553646802902222 an:0.028711367398500443 their:0.015823692083358765 his:0.014293934218585491\n",
"['political']\n",
"<unk>:0.2915519177913666 party:0.031161483377218246 and:0.025168100371956825 economy:0.0182153582572937 parties:0.015426979400217533 life:0.011625144630670547 affairs:0.011545401066541672 power:0.010929220356047153\n",
"['oulyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wo']\n",
"<unk>:0.21532078087329865 have:0.07313445955514908 are:0.04078106954693794 will:0.024398421868681908 had:0.02269478514790535 can:0.022438691928982735 do:0.020771009847521782 were:0.01956915482878685\n",
"['doesnot']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['author']\n",
"of:0.2528451085090637 <unk>:0.10220680385828018 and:0.04248923808336258 nities:0.03898962214589119 nized:0.030792027711868286 is:0.01676764525473118 was:0.014185969717800617 or:0.014043179340660572\n",
"['another']\n",
"<unk>:0.22930598258972168 and:0.026093928143382072 of:0.014712808653712273 in:0.014237381517887115 man:0.010375331155955791 to:0.009487668983638287 the:0.009474825114011765 one:0.008979622274637222\n",
"['ownnpartisan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['ol']\n",
"<unk>:0.23865024745464325 the:0.20971642434597015 a:0.025130726397037506 tho:0.011873121373355389 this:0.01160435564815998 said:0.009338573552668095 his:0.009322249330580235 tbe:0.00882399920374155\n",
"['highways']\n",
"<unk>:0.12641651928424835 and:0.09139902144670486 of:0.07156456261873245 in:0.05652612820267677 to:0.03188486024737358 are:0.030268536880612373 or:0.022000949829816818 on:0.021309446543455124\n",
"['theren']\n",
"<unk>:0.0951840803027153 a:0.0451352521777153 of:0.04486435279250145 the:0.021634642034769058 i:0.019525354728102684 is:0.019449910148978233 was:0.01662609539926052 in:0.016148680821061134\n",
"['onr']\n",
"<unk>:0.3763899505138397 own:0.016247767955064774 country:0.015879783779382706 people:0.013736610300838947 state:0.011282344348728657 city:0.008686314336955547 national:0.005506181623786688 friends:0.004646093584597111\n",
"['democratic']\n",
"party:0.29366445541381836 <unk>:0.18855905532836914 administration:0.01775354892015457 convention:0.014909984543919563 ticket:0.014098231680691242 members:0.01179622020572424 platform:0.010677972808480263 and:0.010190368629992008\n",
"['waternedge']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['territory']\n",
"of:0.15066255629062653 <unk>:0.08283671736717224 and:0.07180175185203552 to:0.032938435673713684 in:0.030182700604200363 the:0.021846774965524673 is:0.021363867446780205 or:0.01764201745390892\n",
"['sencured']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mentioned']\n",
"in:0.1363925039768219 <unk>:0.132949560880661 and:0.0724673643708229 the:0.04752339795231819 above:0.04400346428155899 that:0.027023453265428543 to:0.02258482202887535 as:0.022508682683110237\n",
"['st']\n",
"louis:0.20772629976272583 <unk>:0.1867828667163849 day:0.062552310526371 paul:0.055087730288505554 of:0.022747943177819252 john:0.015975341200828552 and:0.01495291292667389 the:0.01425892673432827\n",
"['worthless']\n",
"<unk>:0.1696387082338333 and:0.080074243247509 in:0.028996171429753304 imitations:0.02614900842308998 to:0.017969293519854546 as:0.017304202541708946 or:0.016090596094727516 nostrums:0.0124815097078681\n",
"['seas']\n",
"<unk>:0.10431858897209167 and:0.10186678171157837 of:0.0363466814160347 the:0.03476967662572861 to:0.03293457627296448 in:0.0323541983962059 which:0.022849740460515022 were:0.022111177444458008\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['been']\n",
"<unk>:0.18799114227294922 made:0.0322195440530777 a:0.031793076545000076 in:0.02522442489862442 the:0.01643744669854641 so:0.0077444217167794704 given:0.0072204493917524815 taken:0.006533249747008085\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['answer']\n",
"to:0.17086008191108704 the:0.14060962200164795 <unk>:0.11050678044557571 for:0.03439594805240631 and:0.029879756271839142 is:0.026753801852464676 of:0.02007881924510002 that:0.018885567784309387\n",
"['occupants']\n",
"of:0.3485121428966522 <unk>:0.05061745643615723 were:0.026908529922366142 and:0.025925466790795326 are:0.021780556067824364 to:0.012994605116546154 have:0.012001597322523594 in:0.010114583186805248\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['gotten']\n",
"up:0.15736407041549683 <unk>:0.07069090008735657 out:0.06490525603294373 a:0.03842972218990326 to:0.028488172218203545 into:0.026939040049910545 in:0.02640714682638645 the:0.02455824613571167\n",
"['brick']\n",
"<unk>:0.20217280089855194 and:0.09525344520807266 building:0.07012799382209778 house:0.029178954660892487 in:0.024849222972989082 dwelling:0.019404202699661255 houses:0.017709113657474518 buildings:0.015107381157577038\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['from']\n",
"the:0.25287488102912903 <unk>:0.15713191032409668 a:0.034414686262607574 his:0.014321111142635345 tho:0.014128337614238262 this:0.012060044333338737 which:0.011743685230612755 to:0.011461544781923294\n",
"['springnof']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['levied']\n",
"upon:0.18656104803085327 on:0.15004776418209076 and:0.09249315410852432 <unk>:0.061246808618307114 by:0.05500473827123642 in:0.03408810496330261 for:0.02795666828751564 at:0.015321583487093449\n",
"['mayn']\n",
"<unk>:0.10811302065849304 and:0.06683257222175598 the:0.04804938659071922 at:0.03391863778233528 a:0.032764192670583725 th:0.029666248708963394 to:0.021090740337967873 s:0.02097836323082447\n",
"['jovernmentnmr']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['large']\n",
"<unk>:0.19040970504283905 number:0.05220543220639229 and:0.04222975671291351 as:0.020121950656175613 amount:0.019303398206830025 portion:0.018069013953208923 part:0.014111626893281937 quantities:0.013487791642546654\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['fbe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['membership']\n",
"of:0.3026692271232605 <unk>:0.10206036269664764 in:0.09230871498584747 and:0.032648082822561264 is:0.022285886108875275 for:0.02140171453356743 the:0.018292680382728577 to:0.015061642043292522\n",
"['rothn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['obnoxiousn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['three']\n",
"<unk>:0.19924288988113403 years:0.07135145366191864 or:0.0406876802444458 days:0.0353504903614521 months:0.029805058613419533 weeks:0.029670601710677147 of:0.028589589521288872 hundred:0.02157464809715748\n",
"['aroundn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['display']\n",
"of:0.3522467613220215 <unk>:0.120567686855793 the:0.06971177458763123 in:0.026439175009727478 and:0.022903358563780785 a:0.017240991815924644 or:0.016683002933859825 which:0.012660420499742031\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['only']\n",
"<unk>:0.16589561104774475 a:0.06038087606430054 to:0.046623602509498596 the:0.036858413368463516 in:0.03357406705617905 one:0.02650539204478264 by:0.017633434385061264 be:0.01402018778026104\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['artist']\n",
"<unk>:0.1270422786474228 and:0.08643188327550888 who:0.061480551958084106 of:0.04508589208126068 in:0.04322688281536102 was:0.027852250263094902 is:0.01772041991353035 had:0.017178315669298172\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['sir']\n",
"<unk>:0.17396657168865204 i:0.04950297996401787 john:0.03831709176301956 william:0.032700348645448685 the:0.030736440792679787 that:0.020392775535583496 a:0.019097862765192986 he:0.018231112509965897\n",
"['kinonot']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['property']\n",
"<unk>:0.11348232626914978 of:0.1048036590218544 and:0.061816468834877014 in:0.053652357310056686 to:0.03634294122457504 is:0.03457674756646156 owners:0.02838432975113392 at:0.02597014419734478\n",
"['wiser']\n",
"than:0.13352620601654053 and:0.10348260402679443 <unk>:0.08395915478467941 to:0.05145277827978134 as:0.03243398293852806 in:0.027247227728366852 for:0.01794246956706047 man:0.017581447958946228\n",
"['gaven']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['byn']\n",
"<unk>:0.12758350372314453 feet:0.06457981467247009 the:0.04602275416254997 a:0.03177761659026146 oclock:0.02847296930849552 to:0.010738552547991276 of:0.00951392576098442 s:0.009068152867257595\n",
"['improving']\n",
"the:0.167638897895813 <unk>:0.12996461987495422 and:0.0608806386590004 in:0.026904072612524033 it:0.01866377890110016 his:0.012662497349083424 this:0.012619465589523315 tho:0.012498396448791027\n",
"['result']\n",
"of:0.3123154044151306 in:0.07204989343881607 <unk>:0.05929477885365486 is:0.049691975116729736 was:0.04241488501429558 that:0.0275562833994627 the:0.02433045394718647 from:0.02132510207593441\n",
"['thencorbin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['notification']\n",
"of:0.2058463841676712 to:0.10542730987071991 <unk>:0.0963890552520752 that:0.055367834866046906 and:0.0434420108795166 as:0.032323841005563736 in:0.027788253501057625 is:0.02420373633503914\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['load']\n",
"of:0.22689324617385864 <unk>:0.10626637935638428 the:0.04107724130153656 and:0.034478988498449326 for:0.019240621477365494 to:0.01904659904539585 a:0.017670026049017906 or:0.01521559152752161\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['amstern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fork']\n",
"<unk>:0.17051543295383453 of:0.16023437678813934 and:0.06115766987204552 at:0.027287045493721962 to:0.02658313699066639 custer:0.022927016019821167 the:0.017944661900401115 in:0.016663510352373123\n",
"['con']\n",
"<unk>:0.42463621497154236 nsidered:0.03714806213974953 nducted:0.03513865917921066 ngress:0.03487222641706467 ncerned:0.021299201995134354 nditions:0.019859950989484787 nsumption:0.01881428062915802 nference:0.014918499626219273\n",
"['wuo']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['henwas']\n",
"a:0.08018907159566879 <unk>:0.07361587882041931 not:0.041309379041194916 in:0.0323791429400444 the:0.024988550692796707 at:0.018536845222115517 to:0.01725509576499462 elected:0.012490672990679741\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['imaginings']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['did']\n",
"not:0.4186977744102478 <unk>:0.11473532021045685 the:0.030591271817684174 so:0.018697431311011314 it:0.01732737571001053 he:0.015606810338795185 i:0.011851856485009193 in:0.011689383536577225\n",
"['dangerous']\n",
"<unk>:0.22247444093227386 to:0.11555391550064087 and:0.07260636985301971 or:0.01589735597372055 as:0.015478269197046757 in:0.01530447043478489 for:0.011537112295627594 but:0.010092424228787422\n",
"['priest']\n",
"<unk>:0.10617233067750931 and:0.07835864275693893 of:0.06432401388883591 who:0.03812113031744957 in:0.02704291231930256 to:0.01903085969388485 as:0.016991987824440002 the:0.016596319153904915\n",
"['youth']\n",
"<unk>:0.13815875351428986 and:0.09482526034116745 of:0.09365716576576233 in:0.033174388110637665 the:0.0286235548555851 to:0.027297670021653175 who:0.02648550271987915 is:0.02253740467131138\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['largen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['for']\n",
"the:0.2195897400379181 <unk>:0.1482355147600174 a:0.06196406111121178 this:0.0132448123767972 his:0.013087003491818905 tho:0.011123294942080975 their:0.010956835001707077 it:0.01092309970408678\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['these']\n",
"<unk>:0.19787919521331787 are:0.03109699860215187 men:0.02476704865694046 things:0.01615901105105877 two:0.015082272700965405 were:0.014673557132482529 days:0.007715313229709864 people:0.0068898797035217285\n",
"['mo']\n",
"<unk>:0.1978517323732376 to:0.056570254266262054 and:0.03840741142630577 nment:0.024385757744312286 that:0.02289446070790291 nney:0.02208683080971241 in:0.020586013793945312 of:0.01721096970140934\n",
"['cause']\n",
"of:0.2200392633676529 <unk>:0.07962426543235779 the:0.057348743081092834 to:0.045887526124715805 for:0.03855954110622406 and:0.03346442058682442 a:0.026768255978822708 or:0.02071436680853367\n",
"['indispensable']\n",
"to:0.309476375579834 <unk>:0.07617918401956558 for:0.022178003564476967 in:0.020607836544513702 by:0.020281028002500534 as:0.01729714684188366 and:0.015072809532284737 tonthe:0.00972894486039877\n",
"['yesterdaynand']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['yen']\n",
"<unk>:0.1961558610200882 in:0.02137068659067154 of:0.02108408510684967 the:0.020425712689757347 to:0.020415635779500008 </s>:0.01956048794090748 and:0.017279816791415215 not:0.0162139181047678\n",
"['white']\n",
"<unk>:0.2232697308063507 and:0.05229616537690163 man:0.051197271794080734 oak:0.02932451106607914 house:0.027219487354159355 men:0.021995902061462402 people:0.01343904435634613 of:0.011407091282308102\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['turkeynall']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['years']\n",
"ago:0.13740231096744537 <unk>:0.10280637443065643 of:0.07860442996025085 and:0.05356687679886818 old:0.030458707362413406 in:0.02989320643246174 the:0.029520943760871887 to:0.019967421889305115\n",
"['warn']\n",
"<unk>:0.1822567880153656 the:0.17755648493766785 them:0.05785039812326431 ning:0.04138598591089249 you:0.03979920595884323 him:0.023660531267523766 us:0.019478145986795425 and:0.01704743690788746\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['son']\n",
"of:0.19510594010353088 <unk>:0.14972993731498718 and:0.05336226895451546 who:0.02006475068628788 the:0.018026961013674736 in:0.016430968418717384 to:0.01519893016666174 was:0.01206505112349987\n",
"['verynpretty']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['elected']\n",
"to:0.11974246054887772 by:0.09416557103395462 <unk>:0.0876883789896965 and:0.061161208897829056 president:0.03727918118238449 in:0.03148861974477768 the:0.029258031398057938 a:0.023945555090904236\n",
"['governmentn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['anvisitor']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nasty']\n",
"<unk>:0.3276352882385254 and:0.02497030980885029 the:0.01534260530024767 in:0.006766873877495527 a:0.0061780717223882675 of:0.00576466228812933 man:0.0045752194710075855 that:0.0040480345487594604\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['do']\n",
"not:0.1694450080394745 <unk>:0.12303590774536133 the:0.03810940310359001 so:0.03795699030160904 it:0.025585677474737167 with:0.02503206767141819 you:0.02148338593542576 this:0.018350347876548767\n",
"['calculaten']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['failed']\n",
"to:0.5008319616317749 <unk>:0.06615184992551804 and:0.03448806703090668 in:0.03438035398721695 the:0.01193737331777811 on:0.009481744840741158 at:0.008253885433077812 for:0.008116542361676693\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['hudsonnriver']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['please']\n",
"<unk>:0.1746843308210373 the:0.0829111784696579 to:0.052559155970811844 and:0.04247631877660751 be:0.01725171133875847 it:0.016296500340104103 you:0.015409575775265694 have:0.014347163960337639\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['pre']\n",
"<unk>:0.605401873588562 npared:0.03376949951052666 nvious:0.027000688016414642 nsented:0.024595391005277634 nsenting:0.023988334462046623 nvent:0.022276151925325394 nferred:0.013164795003831387 nscribed:0.013050704263150692\n",
"['lie']\n",
"<unk>:0.19082199037075043 was:0.0506012886762619 is:0.027687251567840576 had:0.02734539285302162 has:0.021296484395861626 would:0.015584844164550304 said:0.011041154153645039 will:0.010796974413096905\n",
"['appearingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['stay']\n",
"in:0.12477078288793564 <unk>:0.10077377408742905 at:0.07273554801940918 and:0.04486345127224922 with:0.038025546818971634 the:0.03594851493835449 of:0.03511781617999077 on:0.03169016167521477\n",
"['instituted']\n",
"to:0.2778407633304596 at:0.18813763558864594 in:0.05688721686601639 tonrecover:0.0477072037756443 by:0.042241860181093216 <unk>:0.040050163865089417 a:0.030063489452004433 and:0.02834894508123398\n",
"['than']\n",
"<unk>:0.1189335286617279 the:0.09955327957868576 a:0.0481162890791893 any:0.034569866955280304 in:0.02920665591955185 that:0.02609132044017315 one:0.02373056858778 to:0.022401196882128716\n",
"['mill']\n",
"<unk>:0.1812385767698288 and:0.07306882739067078 in:0.039342284202575684 at:0.020899958908557892 was:0.02060173638164997 is:0.018984058871865273 the:0.01834067888557911 for:0.016985073685646057\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['nucleusnof']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nculture']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['will']\n",
"be:0.2197660654783249 <unk>:0.12876218557357788 not:0.054395660758018494 have:0.023040270432829857 bo:0.012768621556460857 make:0.012733332812786102 do:0.010979394428431988 give:0.009366563521325588\n",
"['other']\n",
"<unk>:0.22963766753673553 hand:0.016822654753923416 words:0.015956249088048935 and:0.013822369277477264 side:0.011337092146277428 than:0.010316158644855022 day:0.0097919637337327 things:0.009536487981677055\n",
"['absence']\n",
"of:0.5064665675163269 <unk>:0.08867644518613815 from:0.06359632313251495 and:0.031577061861753464 the:0.018184304237365723 in:0.017189040780067444 to:0.013965516351163387 ofnthe:0.010773406364023685\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['chainsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['aud']\n",
"<unk>:0.23423197865486145 the:0.06738097220659256 a:0.015234891325235367 in:0.014223162084817886 that:0.012887268327176571 to:0.011937431059777737 it:0.010239665396511555 i:0.008323781192302704\n",
"['men']\n",
"<unk>:0.1401969939470291 who:0.08699369430541992 of:0.07003933191299438 and:0.06940215080976486 in:0.042371831834316254 to:0.036133769899606705 were:0.027552202343940735 are:0.02627480775117874\n",
"['iben']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['one']\n",
"of:0.19492734968662262 <unk>:0.1215914711356163 hundred:0.03269079327583313 and:0.020199554041028023 who:0.01805175468325615 or:0.016875356435775757 in:0.014598471112549305 year:0.013318097218871117\n",
"['seversn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['llacou']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['o']\n",
"<unk>:0.24368269741535187 the:0.03929440677165985 a:0.02052825130522251 and:0.01449020579457283 </s>:0.01096494309604168 n:0.010541604831814766 b:0.009924139827489853 e:0.008779958821833134\n",
"['make']\n",
"a:0.14751596748828888 <unk>:0.12687574326992035 the:0.10512031614780426 it:0.0521208718419075 an:0.028427409008145332 up:0.023618686944246292 their:0.01611451245844364 his:0.015891505405306816\n",
"['triumphednand']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ssn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['thenthings']\n",
"that:0.19743749499320984 of:0.08420568704605103 the:0.08076826483011246 which:0.04141594097018242 they:0.03508538752794266 in:0.0337911993265152 he:0.03307870402932167 <unk>:0.029042432084679604\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['theatre']\n",
"<unk>:0.10642216354608536 of:0.08174192160367966 and:0.050948310643434525 in:0.03838516026735306 was:0.029773429036140442 the:0.02681455761194229 on:0.023243607953190804 is:0.015123243443667889\n",
"['custom']\n",
"of:0.16724053025245667 <unk>:0.13217367231845856 house:0.0879756435751915 to:0.06521541625261307 and:0.03627883270382881 in:0.033745791763067245 for:0.029475051909685135 is:0.027276167646050453\n",
"['day']\n",
"of:0.3034079968929291 <unk>:0.08016764372587204 and:0.04774697870016098 the:0.025342067703604698 to:0.02038748562335968 in:0.020222947001457214 or:0.015532629564404488 at:0.015224823728203773\n",
"['unorgan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['learn']\n",
"that:0.1754583716392517 to:0.10218119621276855 <unk>:0.0971025824546814 the:0.07789119333028793 from:0.053201332688331604 of:0.045636631548404694 how:0.019847465679049492 what:0.018229372799396515\n",
"['filed']\n",
"in:0.2091546207666397 <unk>:0.09591095894575119 with:0.08551618456840515 for:0.07982540130615234 a:0.05367366969585419 by:0.03305991366505623 and:0.032793350517749786 therein:0.03030489571392536\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['coutrol']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['originallinenthence']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fortunate']\n",
"enough:0.09826739877462387 as:0.09602939337491989 in:0.09390889108181 <unk>:0.08426838368177414 for:0.039706818759441376 and:0.034822769463062286 that:0.029265785589814186 to:0.020355448126792908\n",
"['creed']\n",
"of:0.1523556411266327 and:0.12852275371551514 <unk>:0.09335679560899734 is:0.04741320013999939 that:0.03026316501200199 the:0.029229290783405304 in:0.024981198832392693 or:0.022382542490959167\n",
"['from']\n",
"the:0.25287488102912903 <unk>:0.15713191032409668 a:0.034414686262607574 his:0.014321111142635345 tho:0.014128337614238262 this:0.012060044333338737 which:0.011743685230612755 to:0.011461544781923294\n",
"['centn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['plans']\n",
"for:0.13109834492206573 <unk>:0.11431373655796051 and:0.10735350847244263 of:0.09999646246433258 to:0.06925614178180695 are:0.03540444001555443 were:0.02068798616528511 as:0.014863074757158756\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['pavement']\n",
"<unk>:0.0919693112373352 and:0.05299503728747368 to:0.048024121671915054 in:0.044902101159095764 the:0.030341411009430885 of:0.03007662110030651 on:0.029183082282543182 was:0.02771337889134884\n",
"['near']\n",
"the:0.22829078137874603 <unk>:0.21912696957588196 future:0.029819857329130173 to:0.021485822275280952 a:0.020894818007946014 by:0.017991025000810623 and:0.014005719684064388 tho:0.01149867381900549\n",
"['horse']\n",
"<unk>:0.1718054860830307 and:0.08690695464611053 was:0.02611568570137024 to:0.024618541821837425 is:0.02168993279337883 in:0.021601300686597824 which:0.014063367620110512 of:0.013468612916767597\n",
"['list']\n",
"of:0.35326704382896423 <unk>:0.10308028012514114 and:0.03279793635010719 the:0.02278781682252884 to:0.021510088816285133 was:0.017137590795755386 in:0.015972763299942017 is:0.01581834815442562\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['mr']\n",
"<unk>:0.4285792410373688 and:0.06888768821954727 lincoln:0.010427688248455524 j:0.008750042878091335 brown:0.007694547530263662 andnmrs:0.006172175984829664 c:0.006032113917171955 a:0.005974632687866688\n",
"['thclrmoncy']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['oi']\n",
"<unk>:0.26781511306762695 the:0.12787063419818878 a:0.023341944441199303 tne:0.023281697183847427 tho:0.011785191483795643 this:0.0076106516644358635 tbe:0.007064000703394413 said:0.006888304837048054\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['between']\n",
"the:0.26508277654647827 <unk>:0.17805610597133636 and:0.021464230492711067 them:0.018190154805779457 tho:0.015997707843780518 a:0.01537930779159069 two:0.011289786547422409 this:0.011004946194589138\n",
"['mann']\n",
"<unk>:0.18672451376914978 of:0.054137758910655975 and:0.02714983932673931 was:0.022396108135581017 a:0.01801333576440811 the:0.016731390729546547 is:0.011883248575031757 had:0.01074823085218668\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['last']\n",
"<unk>:0.17928394675254822 year:0.07723307609558105 week:0.049701787531375885 night:0.0368540994822979 fall:0.014803077094256878 evening:0.01347275823354721 the:0.013444880023598671 summer:0.012643853202462196\n",
"['another']\n",
"<unk>:0.22930598258972168 and:0.026093928143382072 of:0.014712808653712273 in:0.014237381517887115 man:0.010375331155955791 to:0.009487668983638287 the:0.009474825114011765 one:0.008979622274637222\n",
"['formation']\n",
"of:0.5433494448661804 <unk>:0.08102522045373917 and:0.05134161189198494 ofnthe:0.022230062633752823 ot:0.01378762535750866 that:0.01228413637727499 in:0.011818496510386467 the:0.010765600949525833\n",
"['new']\n",
"york:0.2345396727323532 <unk>:0.22550642490386963 orleans:0.024798376485705376 jersey:0.01650513894855976 and:0.015012519434094429 haven:0.014471752569079399 england:0.01076222863048315 mexico:0.006648117210716009\n",
"['most']\n",
"<unk>:0.2145756334066391 of:0.0972035750746727 important:0.02910524047911167 interesting:0.01423391792923212 excellent:0.00971396267414093 part:0.009135349653661251 difficult:0.009001746773719788 ofnthe:0.006629889365285635\n",
"['time']\n",
"<unk>:0.10497225821018219 to:0.06554590910673141 of:0.06249309703707695 and:0.050932347774505615 the:0.042667366564273834 in:0.030277829617261887 for:0.021024655550718307 he:0.02023688517510891\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['states']\n",
"<unk>:0.11379196494817734 and:0.07189682126045227 in:0.039037805050611496 of:0.035401295870542526 that:0.0346524678170681 to:0.02950960211455822 the:0.025773074477910995 is:0.015536407940089703\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['tactsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['set']\n",
"<unk>:0.1319512277841568 in:0.06603733450174332 out:0.055810634046792984 up:0.05536126345396042 of:0.053656596690416336 forth:0.05254381150007248 the:0.04130414500832558 on:0.029053766280412674\n",
"['shen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ended']\n",
"in:0.13147452473640442 <unk>:0.12272292375564575 the:0.12197978049516678 and:0.046218402683734894 with:0.04299192875623703 by:0.03744987025856972 at:0.03734152764081955 it:0.01721489429473877\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['liavc']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tartlod']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hadn']\n",
"<unk>:0.21738912165164948 been:0.04325232654809952 to:0.023180941119790077 in:0.023002387955784798 a:0.01988852024078369 had:0.010829955339431763 een:0.010464129038155079 and:0.008600907400250435\n",
"['saturday']\n",
"<unk>:0.17847739160060883 the:0.09200397878885269 morning:0.06406909227371216 night:0.05601630359888077 evening:0.0490996353328228 afternoon:0.042101528495550156 and:0.03776656836271286 at:0.029530510306358337\n",
"['womann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['couldn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['issue']\n",
"of:0.18479351699352264 <unk>:0.08395401388406754 and:0.0460372120141983 the:0.043907713145017624 in:0.037910424172878265 a:0.035141851752996445 to:0.028478654101490974 was:0.02322494238615036\n",
"['provide']\n",
"for:0.2981192469596863 <unk>:0.1325942724943161 a:0.09664909541606903 the:0.055871907621622086 that:0.04594846069812775 an:0.012899672612547874 fornthe:0.012088616378605366 in:0.009534557349979877\n",
"['men']\n",
"<unk>:0.1401969939470291 who:0.08699369430541992 of:0.07003933191299438 and:0.06940215080976486 in:0.042371831834316254 to:0.036133769899606705 were:0.027552202343940735 are:0.02627480775117874\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['npress']\n",
"the:0.1517818719148636 <unk>:0.1143353134393692 a:0.04148867726325989 and:0.02582991123199463 in:0.02400081790983677 to:0.023561662063002586 his:0.021948369219899178 of:0.02160271443426609\n",
"['courtn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['onn']\n",
"<unk>:0.2573271095752716 the:0.054543156176805496 a:0.028942041099071503 of:0.028793184086680412 th:0.025362007319927216 i:0.014007133431732655 bbl:0.012129217386245728 and:0.011664386838674545\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['troops']\n",
"<unk>:0.1320219188928604 and:0.05936025083065033 were:0.05579491704702377 in:0.05037517473101616 to:0.04610155522823334 of:0.0351913757622242 are:0.030126597732305527 from:0.02494451217353344\n",
"['fightingnanything']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['bos']\n",
"<unk>:0.2147478312253952 nton:0.15431639552116394 of:0.039950426667928696 a:0.020723486319184303 no:0.017161667346954346 the:0.016283661127090454 angeles:0.01021734531968832 been:0.00979076698422432\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['annually']\n",
"<unk>:0.1327434629201889 in:0.06066378206014633 to:0.05838838219642639 on:0.03992946073412895 for:0.0377909354865551 at:0.03491528704762459 and:0.03443237766623497 the:0.033831700682640076\n",
"['transport']\n",
"<unk>:0.24360215663909912 the:0.0974617749452591 and:0.04645179957151413 of:0.018346577882766724 a:0.01607304997742176 it:0.015973221510648727 or:0.015553046949207783 for:0.014836802147328854\n",
"['bin']\n",
"<unk>:0.2892953157424927 and:0.03213638439774513 a:0.024979611858725548 in:0.01850447617471218 to:0.01775333844125271 the:0.01689755544066429 of:0.015622095204889774 for:0.011849161237478256\n",
"['aanalmost']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['tablen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['longn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nnd']\n",
"<unk>:0.19261445105075836 the:0.05909907817840576 it:0.012477666139602661 in:0.012074564583599567 that:0.010225213132798672 to:0.01010927651077509 a:0.009829960763454437 i:0.008182667195796967\n",
"['me']\n",
"<unk>:0.1571723371744156 to:0.09861639887094498 and:0.05510082468390465 that:0.04905012249946594 in:0.031311556696891785 a:0.026816315948963165 i:0.02574211359024048 the:0.022411905229091644\n",
"['c']\n",
"<unk>:0.2864397168159485 a:0.028532501310110092 for:0.018376635387539864 c:0.01658511720597744 and:0.01604672521352768 no:0.015948768705129623 h:0.012806541286408901 w:0.012330155819654465\n",
"['some']\n",
"<unk>:0.17425395548343658 of:0.17399758100509644 time:0.033102847635746 one:0.019578879699110985 other:0.01773841679096222 years:0.014443687163293362 ofnthe:0.009550128132104874 way:0.007940506562590599\n",
"['part']\n",
"of:0.5618791580200195 <unk>:0.05756089463829994 in:0.04997449368238449 ofnthe:0.028961164876818657 thereofnnow:0.01921454258263111 and:0.0156328696757555 thereof:0.01512932125478983 ot:0.01293669082224369\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['haven']\n",
"<unk>:0.1910519152879715 and:0.06397338211536407 the:0.020665904507040977 to:0.02045123651623726 conn:0.018477438017725945 of:0.01785210333764553 is:0.015589752234518528 a:0.013302822597324848\n",
"['husband']\n",
"<unk>:0.14909988641738892 and:0.1252240538597107 of:0.032400812953710556 was:0.03085324540734291 to:0.0301359836012125 who:0.029223788529634476 is:0.022388597950339317 had:0.021866492927074432\n",
"['difficulty']\n",
"in:0.20932157337665558 <unk>:0.11405812948942184 of:0.07879559695720673 that:0.04285603389143944 and:0.03841384872794151 the:0.031096529215574265 was:0.030814042314887047 is:0.02555677480995655\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['ben']\n",
"<unk>:0.3764496147632599 the:0.020264847204089165 a:0.01654512993991375 in:0.008669160306453705 and:0.008185388520359993 i:0.008156510069966316 </s>:0.007305471692234278 made:0.006215563043951988\n",
"['beingn']\n",
"acres:0.18448898196220398 <unk>:0.10383643954992294 pounds:0.04504001513123512 the:0.033315807580947876 feet:0.025937283411622047 bushels:0.025373635813593864 per:0.025063632056117058 of:0.021089788526296616\n",
"['frankness']\n",
"<unk>:0.18624834716320038 and:0.15670302510261536 of:0.09161307662725449 the:0.06165333837270737 that:0.03735603764653206 in:0.034255251288414 with:0.0283978171646595 which:0.028301836922764778\n",
"['two']\n",
"<unk>:0.20144878327846527 years:0.06755809485912323 or:0.04796089604496956 of:0.03759472817182541 weeks:0.021692873910069466 hundred:0.019932277500629425 and:0.018487567082047462 men:0.015819242224097252\n",
"['people']\n",
"of:0.12857156991958618 <unk>:0.10028903931379318 who:0.05000729486346245 and:0.047269824892282486 in:0.03648844361305237 are:0.032156217843294144 to:0.032018695026636124 have:0.020872600376605988\n",
"['permanent']\n",
"<unk>:0.2137015461921692 cure:0.0710100531578064 relief:0.03611605614423752 and:0.026552781462669373 organization:0.0165230892598629 benefit:0.013631322421133518 home:0.011217697523534298 in:0.010138786397874355\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['two']\n",
"<unk>:0.20144878327846527 years:0.06755809485912323 or:0.04796089604496956 of:0.03759472817182541 weeks:0.021692873910069466 hundred:0.019932277500629425 and:0.018487567082047462 men:0.015819242224097252\n",
"['dusky']\n",
"<unk>:0.22893844544887543 children:0.02254379913210869 and:0.015130377374589443 eyes:0.007409722078591585 parents:0.005207725800573826 maiden:0.004956266842782497 white:0.0045754797756671906 family:0.0043359906412661076\n",
"['britainn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fortunately']\n",
"<unk>:0.14229701459407806 the:0.09583957493305206 for:0.0616491362452507 it:0.034726787358522415 he:0.03126968443393707 i:0.030927570536732674 in:0.02580808475613594 a:0.025566862896084785\n",
"['thought']\n",
"that:0.10238199681043625 of:0.09746503084897995 <unk>:0.08445286750793457 it:0.0692593976855278 the:0.03876238316297531 to:0.036570657044649124 he:0.03208998963236809 and:0.02360614947974682\n",
"['nstrong']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['makingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['pastor']\n",
"of:0.32399746775627136 <unk>:0.16025537252426147 and:0.04034919664263725 rev:0.02381409890949726 the:0.017972996458411217 in:0.01792600005865097 who:0.01621435582637787 ofnthe:0.0145307257771492\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['from']\n",
"the:0.25287488102912903 <unk>:0.15713191032409668 a:0.034414686262607574 his:0.014321111142635345 tho:0.014128337614238262 this:0.012060044333338737 which:0.011743685230612755 to:0.011461544781923294\n",
"['entailnrelatively']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['tcn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['methodsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['effects']\n",
"of:0.39725735783576965 <unk>:0.07033058255910873 and:0.028343036770820618 in:0.027099240571260452 on:0.024927664548158646 are:0.023425493389368057 the:0.014821379445493221 upon:0.0136069655418396\n",
"['hadn']\n",
"<unk>:0.21738912165164948 been:0.04325232654809952 to:0.023180941119790077 in:0.023002387955784798 a:0.01988852024078369 had:0.010829955339431763 een:0.010464129038155079 and:0.008600907400250435\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['tiie']\n",
"<unk>:0.22035326063632965 same:0.010526741854846478 united:0.009536433033645153 state:0.006635385565459728 said:0.006100527010858059 government:0.005471998825669289 city:0.004992789588868618 first:0.004805330187082291\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['station']\n",
"<unk>:0.13576579093933105 and:0.07661387324333191 in:0.05280625447630882 at:0.04420080780982971 the:0.033360470086336136 to:0.03030928038060665 on:0.027654491364955902 of:0.025463853031396866\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['headnno']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['nder']\n",
"the:0.17016899585723877 of:0.06567704677581787 <unk>:0.06494352221488953 to:0.059453241527080536 and:0.041140761226415634 a:0.024623561650514603 this:0.019528379663825035 it:0.018376920372247696\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['connection']\n",
"with:0.5305390954017639 <unk>:0.07108703255653381 withnthe:0.035323478281497955 between:0.026678593829274178 of:0.018701333552598953 the:0.016672935336828232 it:0.014871818013489246 therewith:0.013653109781444073\n",
"['play']\n",
"<unk>:0.1480088233947754 the:0.07780223339796066 and:0.0473385713994503 a:0.04342625290155411 in:0.03230564668774605 with:0.02905178628861904 was:0.02814057283103466 of:0.0242480281740427\n",
"['bon']\n",
"<unk>:0.41564565896987915 of:0.04073202982544899 in:0.021013105288147926 and:0.019816631451249123 </s>:0.014473916962742805 to:0.012963849119842052 the:0.012028957717120647 i:0.008588681928813457\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['care']\n",
"of:0.243024080991745 to:0.09204847365617752 and:0.08280472457408905 <unk>:0.07579546421766281 for:0.06823534518480301 that:0.021108871325850487 but:0.015065514482557774 as:0.0135183772072196\n",
"['tonthe']\n",
"<unk>:0.10488659143447876 state:0.012775711715221405 highest:0.010928270407021046 united:0.00761790107935667 other:0.006926734931766987 city:0.0066419607028365135 house:0.006446809973567724 people:0.006210062187165022\n",
"['home']\n",
"<unk>:0.14371390640735626 and:0.07486248016357422 in:0.060824621468782425 of:0.057508647441864014 to:0.030677257105708122 the:0.02304030954837799 on:0.02136209048330784 at:0.02059890888631344\n",
"['streaks']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['parents']\n",
"<unk>:0.11701458692550659 and:0.06698212027549744 of:0.05800403654575348 who:0.05604863539338112 to:0.04421555995941162 in:0.029590658843517303 are:0.029514241963624954 the:0.018392832949757576\n",
"['themnunder']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['nevernhad']\n",
"a:0.20109425485134125 any:0.11918054521083832 the:0.0873483195900917 an:0.03068879432976246 <unk>:0.023509927093982697 anything:0.01886124350130558 it:0.016152814030647278 no:0.01198094803839922\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['tonsee']\n",
"the:0.2262078821659088 that:0.10679324716329575 a:0.054901666939258575 <unk>:0.053176399320364 it:0.036506287753582 him:0.032255303114652634 what:0.027594681829214096 his:0.024677421897649765\n",
"['noisy']\n",
"<unk>:0.2997974455356598 and:0.06620799005031586 in:0.01298540085554123 to:0.010388494469225407 as:0.007965468801558018 of:0.007924489676952362 nly:0.006607536692172289 with:0.006394525524228811\n",
"['lienwas']\n",
"<unk>:0.11437009274959564 a:0.0690431222319603 the:0.026500210165977478 to:0.022129002958536148 in:0.020618455484509468 only:0.01327607873827219 not:0.011421852745115757 made:0.011276599019765854\n",
"['fromn']\n",
"to:0.6022941470146179 <unk>:0.08413857221603394 the:0.02710115723311901 a:0.024180108681321144 cents:0.01099067460745573 and:0.010230590589344501 oclock:0.01012511644512415 at:0.007927066646516323\n",
"['ao']\n",
"<unk>:0.2543312907218933 much:0.029414981603622437 that:0.024932418018579483 to:0.020234007388353348 far:0.01801813766360283 the:0.01773105375468731 i:0.01605864055454731 a:0.013183853588998318\n",
"['thennone']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['knowntho']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['day']\n",
"of:0.3034079968929291 <unk>:0.08016764372587204 and:0.04774697870016098 the:0.025342067703604698 to:0.02038748562335968 in:0.020222947001457214 or:0.015532629564404488 at:0.015224823728203773\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['seem']\n",
"to:0.52489173412323 <unk>:0.11850675195455551 that:0.042244527488946915 a:0.016061240807175636 tonbe:0.01143582258373499 as:0.00990302488207817 in:0.008842292241752148 tonhave:0.007841270416975021\n",
"['rnommibsion']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['yoke']\n",
"of:0.3632316291332245 <unk>:0.1355905383825302 and:0.10460034012794495 the:0.042107950896024704 which:0.02092858776450157 in:0.01810123398900032 to:0.017269352450966835 is:0.013182819820940495\n",
"['mayn']\n",
"<unk>:0.10811302065849304 and:0.06683257222175598 the:0.04804938659071922 at:0.03391863778233528 a:0.032764192670583725 th:0.029666248708963394 to:0.021090740337967873 s:0.02097836323082447\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['bill']\n",
"<unk>:0.1350351870059967 to:0.06179078295826912 was:0.05091319605708122 and:0.04723736643791199 of:0.04088207334280014 is:0.03233039379119873 which:0.028644489124417305 for:0.027878379449248314\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['incth']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['age']\n",
"of:0.17669788002967834 and:0.12776821851730347 <unk>:0.10506079345941544 in:0.025648130103945732 the:0.024688521400094032 to:0.018808072432875633 he:0.018394209444522858 or:0.01483590342104435\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['taken']\n",
"<unk>:0.10890930145978928 to:0.10356629639863968 by:0.06001661717891693 in:0.05833910405635834 from:0.05655568838119507 up:0.041744083166122437 the:0.02834869548678398 a:0.026049714535474777\n",
"['would']\n",
"be:0.15273810923099518 <unk>:0.13132600486278534 have:0.08837670832872391 not:0.07991773635149002 make:0.01737385056912899 do:0.01413943711668253 bo:0.010190516710281372 like:0.009767788462340832\n",
"['wright']\n",
"<unk>:0.21624310314655304 and:0.067560113966465 of:0.03748171404004097 was:0.03254888951778412 who:0.021745899692177773 the:0.01919245533645153 is:0.013712082989513874 had:0.012288637459278107\n",
"['retaining']\n",
"the:0.2229861319065094 <unk>:0.15232443809509277 a:0.03884211927652359 his:0.023065971210598946 this:0.01943071186542511 their:0.01670805737376213 its:0.015307280234992504 her:0.011959195137023926\n",
"['publicn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['we']\n",
"<unk>:0.13773101568222046 have:0.09360568970441818 are:0.06667010486125946 had:0.025956355035305023 were:0.025647835806012154 shall:0.025268608704209328 will:0.024019625037908554 can:0.023256929591298103\n",
"['thenordinary']\n",
"<unk>:0.12366649508476257 medicines:0.020550932735204697 branches:0.0201292484998703 expenses:0.019787997007369995 course:0.01117323711514473 manner:0.008826510980725288 crop:0.008820968680083752 and:0.008521631360054016\n",
"['certain']\n",
"<unk>:0.16684719920158386 that:0.04249504208564758 mortgage:0.03275163099169731 to:0.02287447452545166 deed:0.0201573446393013 lot:0.016936205327510834 tract:0.013496159575879574 amount:0.013189814984798431\n",
"['ofngenuine']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['daugh']\n",
"nter:0.7027541995048523 nters:0.2632652819156647 <unk>:0.0068755000829696655 the:0.0015025307657197118 and:0.0014417077181860805 ntered:0.0010556679917499423 a:0.000764040625654161 to:0.0006519953021779656\n",
"['pbyiscuns']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['cabinsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wishes']\n",
"of:0.24087674915790558 to:0.22199812531471252 <unk>:0.0715661570429802 and:0.04306841269135475 in:0.022824080660939217 for:0.021250709891319275 the:0.01482414361089468 that:0.01312160212546587\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['lirst']\n",
"<unk>:0.16375060379505157 of:0.04545130580663681 day:0.04333515092730522 year:0.024202490225434303 time:0.021451177075505257 place:0.01870596408843994 to:0.013946703635156155 in:0.012959874235093594\n",
"['buried']\n",
"in:0.23910582065582275 <unk>:0.0684811919927597 the:0.0395347960293293 on:0.03478099778294563 by:0.0325457826256752 at:0.03040369227528572 and:0.025111781433224678 a:0.022069860249757767\n",
"['fainted']\n",
"and:0.10398606956005096 <unk>:0.07874254882335663 in:0.04203557223081589 the:0.03245382383465767 by:0.026262838393449783 as:0.025937112048268318 at:0.02593420445919037 with:0.02343148924410343\n",
"['ttiut']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['premisesnare']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['village']\n",
"of:0.18118984997272491 <unk>:0.15536554157733917 and:0.07022378593683243 in:0.039075788110494614 is:0.018773557618260384 the:0.018540041521191597 or:0.01620166189968586 to:0.015666188672184944\n",
"['shalln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['friend']\n",
"of:0.16403312981128693 <unk>:0.13861602544784546 and:0.0789596438407898 to:0.035443998873233795 who:0.03512883558869362 in:0.032333843410015106 the:0.022821443155407906 a:0.012416326440870762\n",
"['because']\n",
"of:0.1566220223903656 the:0.12440568953752518 it:0.0970134511590004 <unk>:0.08066009730100632 he:0.06569074094295502 they:0.06051022186875343 i:0.03493959829211235 we:0.031139736995100975\n",
"['much']\n",
"<unk>:0.15263855457305908 of:0.0598081573843956 as:0.04836350306868553 to:0.04694957658648491 more:0.043669890612363815 better:0.026031969115138054 in:0.01929735392332077 less:0.017861027270555496\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['grassn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['harrison']\n",
"<unk>:0.19413724541664124 and:0.08843708783388138 county:0.037488099187612534 in:0.03388987109065056 was:0.02454199455678463 is:0.023660287261009216 of:0.022564342245459557 has:0.0213661789894104\n",
"['wai']\n",
"<unk>:0.3409319519996643 a:0.036911919713020325 in:0.02436961606144905 not:0.023641003295779228 to:0.02328461781144142 the:0.018094226717948914 of:0.007866518571972847 an:0.00736223766580224\n",
"['shiftingncrews']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['assumod']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['boisterousnthat']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['outsomethingn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['back']\n",
"to:0.17791467905044556 <unk>:0.09790932387113571 of:0.0694747269153595 and:0.06899037212133408 in:0.030531223863363266 the:0.026958219707012177 into:0.02184874936938286 on:0.019965089857578278\n",
"['toldnof']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bones']\n",
"of:0.13616220653057098 <unk>:0.10232672840356827 and:0.07832131534814835 are:0.05349177122116089 were:0.04447842761874199 blotches:0.024304136633872986 in:0.018887285143136978 the:0.012277468107640743\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['they']\n",
"<unk>:0.14672249555587769 are:0.10735142976045609 were:0.0713590756058693 have:0.06000291928648949 will:0.04248636215925217 had:0.03111598640680313 would:0.024974988773465157 can:0.017219092696905136\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['statesn']\n",
"<unk>:0.16579635441303253 to:0.04319215565919876 the:0.03069971688091755 a:0.02949325554072857 and:0.026251450181007385 that:0.023870930075645447 i:0.02055405080318451 of:0.015438901260495186\n",
"['inn']\n",
"<unk>:0.11861531436443329 and:0.0650525689125061 the:0.05006604641675949 in:0.027428003028035164 a:0.027054699137806892 of:0.020789235830307007 he:0.01902659982442856 to:0.018165726214647293\n",
"['kindn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['way']\n",
"to:0.11863373965024948 of:0.11789263039827347 <unk>:0.1028696671128273 and:0.042230814695358276 the:0.02945132926106453 in:0.02360854111611843 that:0.020549597218632698 for:0.018282132223248482\n",
"['greatheartn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['dooks']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['guaranteed']\n",
"to:0.22132235765457153 <unk>:0.11314070969820023 by:0.10376030206680298 the:0.030822601169347763 and:0.02919090911746025 in:0.0255032517015934 a:0.016457965597510338 for:0.015059961937367916\n",
"['amongnthir']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['being']\n",
"<unk>:0.18178798258304596 the:0.05463423579931259 a:0.044204384088516235 in:0.03139527887105942 made:0.021438436582684517 done:0.010384885594248772 to:0.008472583256661892 of:0.007576572708785534\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['astoria']\n",
"<unk>:0.17064793407917023 in:0.06974150985479355 and:0.06565798074007034 the:0.036201003938913345 a:0.03176325187087059 of:0.020518353208899498 is:0.018048042431473732 at:0.015233737416565418\n",
"['her']\n",
"<unk>:0.22112299501895905 to:0.026270100846886635 husband:0.023973815143108368 own:0.023047467693686485 and:0.0185173861682415 in:0.012423854321241379 mother:0.011387202888727188 sister:0.007973994128406048\n",
"['grabbed']\n",
"<unk>:0.14038407802581787 the:0.13560646772384644 him:0.09314737468957901 a:0.08034615963697433 me:0.03881286457180977 it:0.03661083057522774 her:0.03139764443039894 them:0.02763332612812519\n",
"['laws']\n",
"of:0.2926417589187622 <unk>:0.07920004427433014 and:0.06513220816850662 to:0.021352635696530342 are:0.020686350762844086 which:0.019511468708515167 in:0.018110916018486023 as:0.015202035196125507\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['w']\n",
"<unk>:0.29725682735443115 h:0.025401681661605835 ith:0.025027213618159294 w:0.02032552845776081 a:0.018594292923808098 c:0.01712547056376934 feet:0.01667892374098301 ill:0.013860834762454033\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['pile']\n",
"of:0.21395735442638397 <unk>:0.1459278166294098 and:0.050940223038196564 up:0.03304688632488251 the:0.033011626452207565 at:0.02122538536787033 in:0.02075929194688797 was:0.012949075549840927\n",
"['chief']\n",
"<unk>:0.2391439974308014 of:0.14220783114433289 justice:0.0554138720035553 magistrate:0.02447240799665451 and:0.019171956926584244 clerk:0.015135575085878372 executive:0.013570588082075119 engineer:0.012170693837106228\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['notnhoist']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['slowlyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['almost']\n",
"<unk>:0.2129766345024109 as:0.04424965754151344 a:0.040547143667936325 every:0.040503472089767456 exclusively:0.03396093100309372 entirely:0.024083256721496582 to:0.01987789012491703 the:0.019404517486691475\n",
"['guardnwell']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['no']\n",
"<unk>:0.21101464331150055 one:0.030883168801665306 doubt:0.021309345960617065 longer:0.015751631930470467 more:0.015039087273180485 other:0.012437735684216022 at:0.00836264993995428 of:0.007628906983882189\n",
"['more']\n",
"than:0.19699864089488983 <unk>:0.16920992732048035 or:0.03894995525479317 of:0.019799329340457916 to:0.01648719608783722 and:0.014404811896383762 in:0.011601983569562435 thann:0.007835574448108673\n",
"['each']\n",
"<unk>:0.15883630514144897 of:0.0942472442984581 other:0.05735523998737335 year:0.043855879455804825 and:0.02710002288222313 side:0.01992570050060749 day:0.019769666716456413 one:0.01538233645260334\n",
"['membern']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['lon']\n",
"<unk>:0.2646842300891876 ndon:0.09456495940685272 of:0.05426771193742752 nger:0.029933100566267967 and:0.02699517458677292 in:0.015264781191945076 the:0.014920234680175781 </s>:0.00934072770178318\n",
"['visit']\n",
"to:0.20857982337474823 the:0.1037919744849205 <unk>:0.09651805460453033 of:0.05236801505088806 and:0.026931652799248695 with:0.022558586671948433 a:0.0154346264898777 in:0.015126008540391922\n",
"['andnour']\n",
"<unk>:0.09676618874073029 people:0.025750136002898216 hands:0.009683448821306229 state:0.009016968309879303 citizens:0.007831881754100323 government:0.007736685685813427 friends:0.007433630991727114 labor:0.004810452926903963\n",
"['all']\n",
"<unk>:0.15382647514343262 the:0.15087176859378815 of:0.04493704065680504 that:0.025463230907917023 over:0.013799985870718956 in:0.013027006760239601 who:0.011802621185779572 its:0.011572307907044888\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['went']\n",
"to:0.25687095522880554 <unk>:0.1244257241487503 on:0.05531398206949234 out:0.049175459891557693 into:0.046409618109464645 down:0.03710372745990753 in:0.024804536253213882 over:0.022362640127539635\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['aad']\n",
"<unk>:0.411002516746521 the:0.038929153233766556 a:0.01757480576634407 i:0.010832976549863815 that:0.010770211927592754 to:0.009048019535839558 in:0.007889422588050365 it:0.006624589208513498\n",
"['w']\n",
"<unk>:0.29725682735443115 h:0.025401681661605835 ith:0.025027213618159294 w:0.02032552845776081 a:0.018594292923808098 c:0.01712547056376934 feet:0.01667892374098301 ill:0.013860834762454033\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['venereal']\n",
"diseases:0.3624371886253357 <unk>:0.17304033041000366 and:0.10504589229822159 chronic:0.04746236279606819 disease:0.0319102443754673 of:0.01941884681582451 or:0.017363080754876137 affections:0.009059871546924114\n",
"['city']\n",
"of:0.1702234297990799 <unk>:0.14746426045894623 and:0.07025923579931259 in:0.027942821383476257 the:0.01994224824011326 to:0.019134199246764183 is:0.017169617116451263 at:0.012862109579145908\n",
"['hcadquartors']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['honwo']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bluff']\n",
"<unk>:0.12679289281368256 and:0.06985323876142502 in:0.029999999329447746 from:0.020408356562256813 the:0.01568756066262722 of:0.015094436705112457 at:0.014586209319531918 by:0.0135348504409194\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['use']\n",
"of:0.3099626898765564 <unk>:0.0894303023815155 the:0.055199071764945984 in:0.03647924214601517 and:0.03520629182457924 it:0.025875182822346687 a:0.022352363914251328 for:0.020833054557442665\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['duning']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wounded']\n",
"and:0.1020926684141159 <unk>:0.09481962025165558 in:0.04926886409521103 the:0.027000637724995613 at:0.025683525949716568 by:0.025004727765917778 man:0.01992902345955372 men:0.018891161307692528\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['said']\n",
"<unk>:0.15905481576919556 mortgage:0.051436517387628555 that:0.03889643773436546 to:0.03160382807254791 county:0.02821706421673298 he:0.020372502505779266 the:0.018458211794495583 court:0.014645096845924854\n",
"['first']\n",
"<unk>:0.14840511977672577 day:0.03192560002207756 of:0.03083701990544796 time:0.02892124466598034 to:0.020552972331643105 and:0.018360624089837074 place:0.011525793001055717 the:0.010170399211347103\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['accusingnthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['abstractn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['shipnrasmussen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['ofnhuman']\n",
"nature:0.14353160560131073 <unk>:0.13800852000713348 life:0.11831001192331314 beings:0.03720854967832565 character:0.016633935272693634 skill:0.012208769097924232 happiness:0.00825742818415165 existence:0.007828940637409687\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['lo']\n",
"<unk>:0.24012400209903717 the:0.08940427005290985 be:0.031204646453261375 a:0.0245724618434906 have:0.00914778746664524 do:0.00826001912355423 tho:0.007926453836262226 ncated:0.007492415606975555\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['theyn']\n",
"<unk>:0.11901931464672089 are:0.03142045438289642 will:0.02291155233979225 have:0.022116614505648613 e:0.01566181145608425 be:0.011756310239434242 had:0.011178616434335709 were:0.010471377521753311\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['perpetuate']\n",
"the:0.3338072896003723 <unk>:0.12836885452270508 a:0.03461870923638344 their:0.0265741515904665 his:0.021078748628497124 its:0.020593009889125824 it:0.018577756360173225 this:0.016570912674069405\n",
"['bo']\n",
"<unk>:0.22687731683254242 a:0.027709053829312325 the:0.01921551488339901 made:0.017129655927419662 in:0.009748425334692001 paid:0.007990613579750061 no:0.00740025145933032 taken:0.006778432987630367\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['w']\n",
"<unk>:0.29725682735443115 h:0.025401681661605835 ith:0.025027213618159294 w:0.02032552845776081 a:0.018594292923808098 c:0.01712547056376934 feet:0.01667892374098301 ill:0.013860834762454033\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['weak']\n",
"<unk>:0.22425046563148499 and:0.14208312332630157 to:0.03818589076399803 in:0.022288622334599495 the:0.015971193090081215 for:0.012961952947080135 nerves:0.011794324964284897 as:0.011475684121251106\n",
"['theren']\n",
"<unk>:0.0951840803027153 a:0.0451352521777153 of:0.04486435279250145 the:0.021634642034769058 i:0.019525354728102684 is:0.019449910148978233 was:0.01662609539926052 in:0.016148680821061134\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['con']\n",
"<unk>:0.42463621497154236 nsidered:0.03714806213974953 nducted:0.03513865917921066 ngress:0.03487222641706467 ncerned:0.021299201995134354 nditions:0.019859950989484787 nsumption:0.01881428062915802 nference:0.014918499626219273\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['be']\n",
"<unk>:0.17726776003837585 a:0.032602790743112564 the:0.022443711757659912 made:0.01969699002802372 paid:0.012218790128827095 in:0.012202451005578041 found:0.009086092934012413 able:0.008755974471569061\n",
"['winenshops']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['p']\n",
"m:0.3617202639579773 <unk>:0.257373571395874 r:0.013251986354589462 a:0.008899691514670849 in:0.008549975231289864 b:0.007218791171908379 c:0.007097408641129732 j:0.007063710130751133\n",
"['states']\n",
"<unk>:0.11379196494817734 and:0.07189682126045227 in:0.039037805050611496 of:0.035401295870542526 that:0.0346524678170681 to:0.02950960211455822 the:0.025773074477910995 is:0.015536407940089703\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['judgen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['strange']\n",
"<unk>:0.18104666471481323 to:0.062855064868927 that:0.04980245977640152 and:0.03614604100584984 as:0.023706110194325447 thing:0.016622712835669518 in:0.008616824634373188 but:0.007303263526409864\n",
"['memn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['entertained']\n",
"by:0.1354539543390274 the:0.07915470004081726 <unk>:0.06625591963529587 at:0.05400338023900986 in:0.04118221998214722 that:0.03563908860087395 of:0.03171376511454582 for:0.028284750878810883\n",
"['actionn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ii']\n",
"<unk>:0.3125717341899872 a:0.022585060447454453 the:0.022148381918668747 i:0.01736968383193016 is:0.01435261219739914 m:0.012307321652770042 t:0.012264748103916645 in:0.01156159769743681\n",
"['evenin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['verynsame']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['resolveninto']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thoughtn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['example']\n",
"of:0.2268024981021881 <unk>:0.11239911615848541 the:0.05179877206683159 and:0.04571355879306793 to:0.036632612347602844 is:0.022419501096010208 that:0.018613655120134354 as:0.0182060357183218\n",
"['season']\n",
"<unk>:0.11100351810455322 of:0.0982227548956871 and:0.05797794088721275 the:0.046053141355514526 is:0.033550016582012177 for:0.029413821175694466 in:0.026365119963884354 to:0.02595783770084381\n",
"['executedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['pan']\n",
"of:0.18156550824642181 <unk>:0.1630205363035202 and:0.10502705723047256 in:0.034649934619665146 to:0.02134307473897934 was:0.0165390744805336 with:0.014386695809662342 at:0.013818933628499508\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['came']\n",
"to:0.1872316151857376 <unk>:0.10152896493673325 in:0.06975342333316803 from:0.0398712120950222 up:0.03723348304629326 into:0.028736237436532974 out:0.02858808822929859 down:0.026884017512202263\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['hubsided']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['followedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['without']\n",
"<unk>:0.192391499876976 the:0.07490507513284683 a:0.06517666578292847 any:0.05751282721757889 regard:0.010888790711760521 being:0.010643644258379936 an:0.010448135435581207 further:0.006723745260387659\n",
"['theirn']\n",
"<unk>:0.18050238490104675 and:0.009713971987366676 feet:0.004620844963937998 to:0.004466369282454252 the:0.004267761018127203 men:0.0042529478669166565 votes:0.004191650077700615 </s>:0.003551966045051813\n",
"['their']\n",
"<unk>:0.2757183611392975 own:0.03195241093635559 respective:0.008069413714110851 way:0.0063335346058011055 hands:0.006281290203332901 lives:0.005959530360996723 work:0.005697461310774088 heads:0.0044787367805838585\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['ono']\n",
"of:0.24213023483753204 <unk>:0.16125783324241638 who:0.01768781803548336 hundred:0.01661192998290062 and:0.016418708488345146 in:0.01345102023333311 or:0.011792672798037529 is:0.01150447130203247\n",
"['generals']\n",
"<unk>:0.20015549659729004 and:0.1017286628484726 of:0.05604560673236847 in:0.04142999276518822 who:0.017177775502204895 to:0.012967076152563095 </s>:0.012106405571103096 are:0.010638346895575523\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['milesnmany']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['was']\n",
"<unk>:0.16223494708538055 a:0.06841647624969482 the:0.037927355617284775 not:0.029518524184823036 in:0.026468118652701378 to:0.01670970395207405 made:0.012177110649645329 no:0.010337039828300476\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['bulletholes']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['contractors']\n",
"and:0.11657354235649109 <unk>:0.10808571428060532 in:0.08220633864402771 to:0.05312122032046318 who:0.03978288173675537 of:0.03564288839697838 for:0.03532684966921806 are:0.0259977076202631\n",
"['mininets']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ad']\n",
"<unk>:0.46572381258010864 valorem:0.0639818087220192 nvanced:0.03069620206952095 nvance:0.021423691883683205 ndress:0.020832737907767296 the:0.015519566833972931 and:0.013783372938632965 in:0.012624251656234264\n",
"['stoodnout']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ininriuti']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['iiuiuid']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['marn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['adequate']\n",
"<unk>:0.19546711444854736 to:0.0987086221575737 for:0.029513780027627945 supply:0.02443038299679756 and:0.022801969200372696 protection:0.014222021214663982 idea:0.013642699457705021 security:0.010994254611432552\n",
"['strawn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['won']\n",
"the:0.15196967124938965 <unk>:0.1453724354505539 by:0.0909755527973175 a:0.05411728098988533 in:0.031984008848667145 for:0.023248642683029175 and:0.015257654711604118 at:0.01502468716353178\n",
"['aat']\n",
"<unk>:0.3538048267364502 of:0.035478636622428894 the:0.02637214958667755 and:0.025679152458906174 on:0.020791418850421906 in:0.019929850473999977 a:0.017343813553452492 to:0.013884607702493668\n",
"['arightn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['probaln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['kitchenn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['me']\n",
"<unk>:0.1571723371744156 to:0.09861639887094498 and:0.05510082468390465 that:0.04905012249946594 in:0.031311556696891785 a:0.026816315948963165 i:0.02574211359024048 the:0.022411905229091644\n",
"['without']\n",
"<unk>:0.192391499876976 the:0.07490507513284683 a:0.06517666578292847 any:0.05751282721757889 regard:0.010888790711760521 being:0.010643644258379936 an:0.010448135435581207 further:0.006723745260387659\n",
"['chicago']\n",
"<unk>:0.20022177696228027 and:0.08284712582826614 at:0.023860106244683266 to:0.022274399176239967 in:0.02144499495625496 the:0.018639225512742996 a:0.01153900008648634 convention:0.010852658189833164\n",
"['mexico']\n",
"and:0.1379895955324173 <unk>:0.13410644233226776 the:0.042417291551828384 to:0.039219051599502563 in:0.03502531722187996 is:0.02902187779545784 as:0.016046635806560516 a:0.014413167722523212\n",
"['conscious']\n",
"of:0.4485446810722351 that:0.08813361078500748 <unk>:0.07149852812290192 and:0.02195136249065399 to:0.01956881582736969 nness:0.011591458693146706 the:0.007370913866907358 as:0.0068135554902255535\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['tired']\n",
"of:0.23282873630523682 <unk>:0.12522314488887787 and:0.11324679851531982 to:0.021425290033221245 in:0.019436219707131386 out:0.01726730912923813 for:0.01596231758594513 the:0.01561150886118412\n",
"['she']\n",
"<unk>:0.16755808889865875 was:0.09734693169593811 had:0.08146162331104279 is:0.04034646973013878 has:0.034382473677396774 would:0.02139720879495144 will:0.019400188699364662 could:0.017785608768463135\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['bam']\n",
"<unk>:0.3176538944244385 and:0.06201725825667381 of:0.04148780182003975 to:0.031197205185890198 </s>:0.0215805321931839 or:0.01721840165555477 the:0.014164005406200886 i:0.013016587123274803\n",
"['onnsackcloth']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['shonkept']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wantcrs']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['verbaln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['bad']\n",
"<unk>:0.19587577879428864 been:0.0673108920454979 a:0.028868788853287697 to:0.025781527161598206 no:0.018610786646604538 the:0.017382798716425896 not:0.01616062968969345 as:0.012397468090057373\n",
"['rc']\n",
"<unk>:0.4532102346420288 of:0.024722397327423096 i:0.012282496318221092 the:0.012149401940405369 a:0.010609722696244717 and:0.010587355121970177 c:0.009201633743941784 in:0.008839117363095284\n",
"['lady']\n",
"<unk>:0.14931850135326385 who:0.07541744410991669 of:0.05059616267681122 in:0.03518427908420563 and:0.0334114208817482 was:0.023602250963449478 to:0.018139023333787918 had:0.01383176725357771\n",
"['thon']\n",
"<unk>:0.19677044451236725 th:0.08251221477985382 the:0.030976003035902977 a:0.028743531554937363 i:0.015320135280489922 st:0.013669462874531746 in:0.012963647022843361 he:0.009869101457297802\n",
"['mention']\n",
"of:0.17287111282348633 the:0.11783727258443832 <unk>:0.10032884031534195 that:0.04338912293314934 it:0.03785043954849243 a:0.02579999342560768 and:0.02433529682457447 in:0.01896352879703045\n",
"['right']\n",
"to:0.17236728966236115 <unk>:0.1307922899723053 of:0.1023794412612915 and:0.06326921284198761 in:0.029798632487654686 hand:0.025932397693395615 title:0.022411929443478584 angles:0.015159876085817814\n",
"['impeachment']\n",
"of:0.18636362254619598 <unk>:0.1296377032995224 and:0.04519489407539368 is:0.037635352462530136 to:0.03058617003262043 in:0.028312519192695618 for:0.02533206157386303 was:0.019224274903535843\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['wasndone']\n",
"in:0.09318052977323532 by:0.08878003060817719 to:0.08645713329315186 and:0.06631477922201157 at:0.04106946289539337 the:0.03714289143681526 with:0.031153282150626183 but:0.026796633377671242\n",
"['its']\n",
"<unk>:0.2702571153640747 own:0.019152523949742317 use:0.006631065625697374 way:0.005629365798085928 provisions:0.004911798983812332 power:0.004610280506312847 origin:0.0041810800321400166 present:0.004065223038196564\n",
"['wasliiin']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['olni']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['down']\n",
"the:0.12659093737602234 to:0.1152196153998375 <unk>:0.1105494424700737 and:0.06293272972106934 in:0.04879021644592285 on:0.027861403301358223 with:0.02554458938539028 by:0.024915823712944984\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['escapen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['anunis']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['she']\n",
"<unk>:0.16755808889865875 was:0.09734693169593811 had:0.08146162331104279 is:0.04034646973013878 has:0.034382473677396774 would:0.02139720879495144 will:0.019400188699364662 could:0.017785608768463135\n",
"['tho']\n",
"<unk>:0.30005934834480286 most:0.0052360850386321545 first:0.004940597806125879 state:0.004865132737904787 united:0.0044953906908631325 city:0.004085723310709 same:0.004075611010193825 other:0.004045554436743259\n",
"['walls']\n",
"of:0.24852457642555237 <unk>:0.1040075272321701 and:0.08797061443328857 are:0.043430738151073456 were:0.022926924750208855 in:0.021414974704384804 the:0.018887091428041458 or:0.013770351186394691\n",
"['willnbe']\n",
"<unk>:0.05267391353845596 a:0.043204717338085175 the:0.028485991060733795 foreclosed:0.023584935814142227 taken:0.022365905344486237 made:0.022290779277682304 held:0.019847510382533073 given:0.016604728996753693\n",
"['despatch']\n",
"from:0.11212653666734695 of:0.10072299093008041 to:0.08910517394542694 <unk>:0.06519471108913422 and:0.03528135269880295 the:0.034234169870615005 is:0.0258348286151886 was:0.024823132902383804\n",
"['either']\n",
"<unk>:0.16250593960285187 of:0.09028215706348419 in:0.062476444989442825 by:0.04310589283704758 side:0.03965900093317032 the:0.03833794593811035 to:0.031242527067661285 a:0.0216143149882555\n",
"['effectnto']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['reignedthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['closely']\n",
"<unk>:0.17821650207042694 watched:0.05612143501639366 to:0.05293259769678116 and:0.05165328457951546 in:0.04285210743546486 as:0.03587552160024643 the:0.03304418548941612 allied:0.012214072048664093\n",
"['ayer']\n",
"<unk>:0.26409000158309937 and:0.05781639367341995 of:0.030856525525450706 the:0.022455431520938873 to:0.02047334797680378 ague:0.012799450196325779 in:0.010837183333933353 a:0.010580881498754025\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['if']\n",
"the:0.133300319314003 <unk>:0.10025876760482788 he:0.0779915526509285 it:0.049983952194452286 you:0.03963783383369446 they:0.036297716200351715 we:0.03473908081650734 i:0.032789185643196106\n",
"['tho']\n",
"<unk>:0.30005934834480286 most:0.0052360850386321545 first:0.004940597806125879 state:0.004865132737904787 united:0.0044953906908631325 city:0.004085723310709 same:0.004075611010193825 other:0.004045554436743259\n",
"['centn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['loopholen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['regards']\n",
"the:0.27174273133277893 <unk>:0.12662121653556824 a:0.02927849255502224 this:0.024690786376595497 it:0.02389426715672016 to:0.018844835460186005 his:0.017453225329518318 its:0.017418839037418365\n",
"['he']\n",
"<unk>:0.1504572629928589 was:0.09207449108362198 had:0.06375125050544739 is:0.04183579608798027 has:0.030918937176465988 would:0.024150297045707703 will:0.018284201622009277 could:0.01718415878713131\n",
"['candidates']\n",
"for:0.23239144682884216 <unk>:0.09447669237852097 and:0.04426897317171097 in:0.036809101700782776 to:0.03334011882543564 are:0.028463421389460564 of:0.027960939332842827 on:0.019479740411043167\n",
"['place']\n",
"of:0.1621199995279312 <unk>:0.0920373722910881 in:0.08766961842775345 and:0.051712796092033386 the:0.0436958447098732 to:0.034682951867580414 for:0.02837119624018669 on:0.026366619393229485\n",
"['ofn']\n",
"<unk>:0.11161091923713684 the:0.05351819470524788 and:0.045352645218372345 to:0.029555894434452057 in:0.02119685336947441 per:0.02113071084022522 a:0.02079508826136589 s:0.018661532551050186\n",
"['wasn']\n",
"<unk>:0.17828217148780823 a:0.06104143708944321 to:0.04011765867471695 the:0.035765957087278366 and:0.0352165661752224 in:0.03417397290468216 years:0.025945717468857765 per:0.017281075939536095\n",
"['throughoutnthe']\n",
"country:0.17915019392967224 state:0.13053679466247559 <unk>:0.046568263322114944 entire:0.037251126021146774 day:0.03539987653493881 united:0.035395823419094086 city:0.02388707734644413 world:0.018521524965763092\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['sendn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['uprooted']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hendersonville']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['americainhabit']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['showsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['l']\n",
"<unk>:0.3037016689777374 e:0.02301579900085926 m:0.018025217577815056 c:0.0148847671225667 a:0.013816118240356445 l:0.011677628383040428 and:0.01128933671861887 j:0.0111248679459095\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['fiiviln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['haventhus']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['italynher']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['any']\n",
"<unk>:0.18500959873199463 other:0.058487359434366226 of:0.05493040755391121 one:0.03391449525952339 person:0.03100009076297283 time:0.017893556505441666 part:0.015694627538323402 way:0.014333382248878479\n",
"['milking']\n",
"<unk>:0.17371483147144318 the:0.05069378763437271 and:0.047387998551130295 in:0.033489663153886795 of:0.02580353058874607 a:0.01489537674933672 men:0.013756652362644672 or:0.012838725931942463\n",
"['valued']\n",
"at:0.5450940728187561 <unk>:0.12088672071695328 in:0.02736693248152733 atn:0.022898072376847267 and:0.02230793796479702 a:0.01245671696960926 by:0.010929993353784084 the:0.009646416641771793\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['went']\n",
"to:0.25687095522880554 <unk>:0.1244257241487503 on:0.05531398206949234 out:0.049175459891557693 into:0.046409618109464645 down:0.03710372745990753 in:0.024804536253213882 over:0.022362640127539635\n",
"['notn']\n",
"<unk>:0.17181004583835602 a:0.0398382805287838 be:0.01933041773736477 and:0.018512777984142303 </s>:0.011800365522503853 in:0.010598571039736271 the:0.009343408048152924 m:0.008128500543534756\n",
"['whonwent']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['theren']\n",
"<unk>:0.0951840803027153 a:0.0451352521777153 of:0.04486435279250145 the:0.021634642034769058 i:0.019525354728102684 is:0.019449910148978233 was:0.01662609539926052 in:0.016148680821061134\n",
"['onlyn']\n",
"<unk>:0.1573682725429535 per:0.03764602914452553 cents:0.036425478756427765 the:0.030982451513409615 a:0.03081069514155388 and:0.02682708203792572 years:0.023318342864513397 acres:0.020737923681735992\n",
"['voshell']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['tied']\n",
"<unk>:0.1158708855509758 to:0.11551924794912338 up:0.1127317026257515 the:0.06035393849015236 in:0.05606255680322647 with:0.03980915993452072 and:0.03074445202946663 a:0.024309638887643814\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['oneilln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['representedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['andnilexar']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['more']\n",
"than:0.19699864089488983 <unk>:0.16920992732048035 or:0.03894995525479317 of:0.019799329340457916 to:0.01648719608783722 and:0.014404811896383762 in:0.011601983569562435 thann:0.007835574448108673\n",
"['themn']\n",
"<unk>:0.18030020594596863 the:0.04245711490511894 to:0.03838018700480461 and:0.030040519312024117 in:0.021045392379164696 of:0.018475448712706566 i:0.015752803534269333 as:0.014778573997318745\n",
"['roots']\n",
"and:0.14800593256950378 of:0.14282624423503876 <unk>:0.13132233917713165 are:0.025403320789337158 the:0.02386084385216236 to:0.023796042427420616 in:0.01979105919599533 which:0.019763711839914322\n",
"['es']\n",
"<unk>:0.27694836258888245 ntate:0.10385523736476898 ntablished:0.09053448587656021 npecially:0.06864307820796967 and:0.03831077739596367 of:0.031264811754226685 the:0.01756386272609234 to:0.013312664814293385\n",
"['existence']\n",
"of:0.25845077633857727 <unk>:0.06807274371385574 and:0.06507724523544312 in:0.03240179643034935 as:0.03025677055120468 the:0.026348980143666267 for:0.02001684345304966 is:0.019919104874134064\n",
"['madenby']\n",
"the:0.35141968727111816 a:0.05676691234111786 <unk>:0.055305562913417816 registered:0.02963384985923767 this:0.019912345334887505 tho:0.019260866567492485 said:0.018574027344584465 mr:0.011650023981928825\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['useful']\n",
"<unk>:0.14103367924690247 and:0.08944637328386307 to:0.07228027284145355 in:0.05135072395205498 as:0.019313810393214226 for:0.015859344974160194 than:0.013275321573019028 or:0.011268998496234417\n",
"['metalic']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['hit']\n",
"<unk>:0.21119679510593414 the:0.048366159200668335 by:0.022813333198428154 to:0.022001059725880623 and:0.021968508139252663 on:0.021251387894153595 him:0.020077386870980263 in:0.019355395808815956\n",
"['under']\n",
"the:0.3453740179538727 <unk>:0.1426248997449875 a:0.03859175369143486 his:0.021474536508321762 this:0.02049609087407589 which:0.018128812313079834 tho:0.016588034108281136 such:0.011193190701305866\n",
"['thenevils']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thenchair']\n",
"and:0.1820284128189087 <unk>:0.11090961843729019 of:0.05794095620512962 in:0.04495938867330551 the:0.0431225448846817 to:0.03160234913229942 that:0.02992185950279236 from:0.022803939878940582\n",
"['nness']\n",
"of:0.13819348812103271 and:0.10752732306718826 <unk>:0.04233948141336441 to:0.038196057081222534 in:0.037800103425979614 the:0.03064071200788021 is:0.02216792106628418 or:0.01792328804731369\n",
"['measures']\n",
"<unk>:0.10097955167293549 of:0.1002010777592659 to:0.08526799082756042 and:0.044407304376363754 for:0.034811608493328094 are:0.03365389630198479 which:0.03344133123755455 in:0.03161352500319481\n",
"['compellednto']\n",
"<unk>:0.06005365028977394 pay:0.04579288512468338 be:0.04294293373823166 go:0.023264242336153984 have:0.02225567027926445 make:0.02068839780986309 use:0.01825130358338356 sell:0.015146606601774693\n",
"['his']\n",
"<unk>:0.22731943428516388 own:0.028036223724484444 wife:0.014714676886796951 head:0.009271553717553616 life:0.008575893007218838 father:0.007845153100788593 name:0.0067452057264745235 death:0.006232346408069134\n",
"['navigated']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['ids']\n",
"<unk>:0.30046573281288147 own:0.016554448753595352 hand:0.009281822480261326 hands:0.007943866774439812 wife:0.007632063701748848 father:0.006341081112623215 way:0.005710184574127197 and:0.00535618606954813\n",
"['that']\n",
"the:0.1410231739282608 <unk>:0.11953254044055939 he:0.044784024357795715 it:0.03494413569569588 they:0.022156892344355583 is:0.019587429240345955 a:0.019473088905215263 there:0.015096952207386494\n",
"['upon']\n",
"the:0.3011998236179352 <unk>:0.12525641918182373 a:0.047969166189432144 his:0.027204573154449463 which:0.027066446840763092 it:0.020032189786434174 this:0.015930216759443283 him:0.01504848338663578\n",
"['so']\n",
"<unk>:0.16613399982452393 that:0.06904952228069305 much:0.055355582386255264 far:0.03518113121390343 long:0.02733159437775612 many:0.025362104177474976 as:0.025081202387809753 the:0.01576620154082775\n",
"['water']\n",
"<unk>:0.11866020411252975 and:0.069070003926754 in:0.028125761076807976 is:0.025798169896006584 to:0.02557907998561859 the:0.02526717819273472 supply:0.01695956103503704 works:0.015865538269281387\n",
"['council']\n",
"of:0.1774679720401764 <unk>:0.10539817810058594 and:0.05157424136996269 to:0.03240533173084259 will:0.020271971821784973 in:0.019813064485788345 is:0.01922415941953659 shall:0.018883252516388893\n",
"['days']\n",
"<unk>:0.1260049045085907 of:0.08986402302980423 and:0.06047482788562775 after:0.05545276030898094 in:0.03371334448456764 from:0.03161957114934921 the:0.029749581590294838 before:0.029495220631361008\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['theren']\n",
"<unk>:0.0951840803027153 a:0.0451352521777153 of:0.04486435279250145 the:0.021634642034769058 i:0.019525354728102684 is:0.019449910148978233 was:0.01662609539926052 in:0.016148680821061134\n",
"['acresnlots']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['yearsn']\n",
"and:0.13165715336799622 <unk>:0.1030408963561058 to:0.059599053114652634 the:0.04084377363324165 in:0.021634787321090698 of:0.019649380818009377 a:0.0163087397813797 months:0.01081828586757183\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['hitchn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['are']\n",
"<unk>:0.16807684302330017 not:0.04138978198170662 the:0.02690424770116806 in:0.023047056049108505 to:0.019894026219844818 now:0.015693990513682365 a:0.011959198862314224 hereby:0.00985399354249239\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['why']\n",
"<unk>:0.12055094540119171 the:0.10972259938716888 not:0.0520256869494915 he:0.040828924626111984 it:0.03777433931827545 they:0.028594447299838066 is:0.028476694598793983 i:0.02480287477374077\n",
"['grasshoppers']\n",
"<unk>:0.2263125330209732 and:0.13677677512168884 in:0.046942416578531265 were:0.04089879244565964 was:0.03430217131972313 to:0.03350823372602463 for:0.024215491488575935 is:0.02291840687394142\n",
"['yearnas']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['wouldn']\n",
"<unk>:0.17154239118099213 be:0.05647148936986923 have:0.01952337846159935 and:0.016675883904099464 the:0.016219791024923325 a:0.014119818806648254 do:0.013343720696866512 e:0.01242191530764103\n",
"['such']\n",
"<unk>:0.17881900072097778 a:0.15409810841083527 as:0.04459206387400627 an:0.0378606915473938 person:0.011130900122225285 cases:0.009782944805920124 sale:0.006893188692629337 case:0.006846447475254536\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['navy']\n",
"<unk>:0.17145119607448578 department:0.10291022062301636 and:0.07296988368034363 yard:0.04555816948413849 in:0.03194568306207657 of:0.02768920734524727 to:0.023829659447073936 is:0.02232321724295616\n",
"['had']\n",
"<unk>:0.16687209904193878 been:0.12364862859249115 a:0.05647372454404831 to:0.029952749609947205 not:0.02765636332333088 the:0.0254528671503067 no:0.024810314178466797 in:0.009506793692708015\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['heels']\n",
"of:0.16307878494262695 <unk>:0.10132351517677307 and:0.09006495028734207 in:0.04464257135987282 to:0.030865758657455444 on:0.022224530577659607 with:0.021605119109153748 the:0.019458279013633728\n",
"['octobern']\n",
"and:0.15863923728466034 <unk>:0.1412343829870224 th:0.05537177622318268 the:0.053412504494190216 at:0.04145603999495506 in:0.03274861350655556 on:0.030620256438851357 for:0.02824038453400135\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['as']\n",
"<unk>:0.1373010277748108 the:0.08696261793375015 a:0.08233925700187683 to:0.05240039527416229 it:0.03125391900539398 well:0.029195250943303108 he:0.023800410330295563 they:0.018264304846525192\n",
"['byn']\n",
"<unk>:0.12758350372314453 feet:0.06457981467247009 the:0.04602275416254997 a:0.03177761659026146 oclock:0.02847296930849552 to:0.010738552547991276 of:0.00951392576098442 s:0.009068152867257595\n",
"['pay']\n",
"the:0.1480865776538849 <unk>:0.089902363717556 for:0.08847824484109879 a:0.04429009556770325 to:0.032318364828825 nment:0.01842622645199299 and:0.014837000519037247 of:0.014597073197364807\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['tha']\n",
"<unk>:0.41124171018600464 city:0.005397976376116276 said:0.005214049015194178 th:0.0035281835589557886 the:0.003518645418807864 first:0.003514525480568409 last:0.0034044431522488594 court:0.0032044185791164637\n",
"['lifen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mana']\n",
"<unk>:0.22933629155158997 nger:0.13797172904014587 ngers:0.045054804533720016 and:0.010471290908753872 of:0.01019376888871193 little:0.007553539704531431 a:0.006819366943091154 the:0.006493537221103907\n",
"['public']\n",
"<unk>:0.17612464725971222 auction:0.038190070539712906 vendue:0.035330940037965775 and:0.020128322765231133 schools:0.018930858001112938 opinion:0.018318824470043182 school:0.016941288486123085 lands:0.014514578506350517\n",
"['on']\n",
"the:0.31833532452583313 <unk>:0.12103325128555298 a:0.038251493126153946 his:0.01759904995560646 tho:0.01651197299361229 this:0.015815183520317078 their:0.010231935419142246 account:0.009335983544588089\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['elevenn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['business']\n",
"<unk>:0.1334599405527115 of:0.0808497965335846 and:0.06796373426914215 men:0.05061277747154236 in:0.04844550043344498 to:0.028571918606758118 is:0.023734482005238533 as:0.019161406904459\n",
"['our']\n",
"<unk>:0.20400655269622803 own:0.03046383708715439 people:0.01563229225575924 country:0.01494823582470417 state:0.011872424744069576 city:0.008301031775772572 national:0.007953263819217682 government:0.006996982730925083\n",
"['official']\n",
"<unk>:0.19469313323497772 plat:0.03297484666109085 and:0.020649177953600883 duties:0.01900983601808548 of:0.0185564998537302 report:0.015510990284383297 circles:0.011624598875641823 statement:0.01118343137204647\n",
"['thonsolution']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thonbundle']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['onenor']\n",
"more:0.2735821008682251 two:0.2682066261768341 the:0.08211205154657364 three:0.05518722906708717 <unk>:0.03803841024637222 less:0.01710398495197296 a:0.014940116554498672 four:0.013473080471158028\n",
"['jerseyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['womann']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['eowmyn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['of']\n",
"the:0.24628451466560364 <unk>:0.16549083590507507 a:0.030842546373605728 this:0.018929913640022278 his:0.013870411552488804 tho:0.011849009431898594 said:0.010169874876737595 their:0.00833516288548708\n",
"['then']\n",
"<unk>:0.17314893007278442 the:0.054305776953697205 th:0.027903184294700623 he:0.025194548070430756 a:0.01811600849032402 i:0.01776750013232231 to:0.017214776948094368 in:0.016991956159472466\n",
"['ncept']\n",
"the:0.2273973673582077 in:0.08867441862821579 to:0.06637284904718399 that:0.059571005403995514 a:0.05546748265624046 <unk>:0.03847954422235489 for:0.03148132562637329 it:0.021737366914749146\n",
"['slndp']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['chemical']\n",
"<unk>:0.2891344428062439 analysis:0.07079613953828812 substances:0.05795348063111305 and:0.0363570936024189 combination:0.01373704057186842 composition:0.011007454246282578 is:0.008486928418278694 bill:0.007854360155761242\n",
"['issued']\n",
"by:0.13414055109024048 <unk>:0.08062795549631119 to:0.060138531029224396 in:0.05945410951972008 out:0.05452476441860199 and:0.038996122777462006 a:0.03728606179356575 for:0.03252318501472473\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['westwurd']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thon']\n",
"<unk>:0.19677044451236725 th:0.08251221477985382 the:0.030976003035902977 a:0.028743531554937363 i:0.015320135280489922 st:0.013669462874531746 in:0.012963647022843361 he:0.009869101457297802\n",
"['ilnit']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['linmorgan']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['attributable']\n",
"to:0.6897960901260376 <unk>:0.0806068405508995 tonthe:0.03189663589000702 in:0.015258804894983768 the:0.010852967388927937 and:0.009200956672430038 that:0.004757660906761885 tontheir:0.004356737714260817\n",
"['too']\n",
"<unk>:0.18147820234298706 much:0.09218698740005493 late:0.02721041440963745 long:0.02395564876496792 many:0.02172279916703701 far:0.01422102004289627 small:0.01405904721468687 great:0.012681767344474792\n",
"['value']\n",
"of:0.40921303629875183 <unk>:0.08884100615978241 to:0.0510103814303875 and:0.04042733833193779 in:0.0313994400203228 the:0.022573322057724 for:0.01922554150223732 as:0.014055509120225906\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['who']\n",
"<unk>:0.14465560019016266 are:0.05709322541952133 had:0.052187480032444 have:0.05192911997437477 was:0.03984886035323143 has:0.03698565065860748 is:0.0353294312953949 were:0.031020494177937508\n",
"['all']\n",
"<unk>:0.15382647514343262 the:0.15087176859378815 of:0.04493704065680504 that:0.025463230907917023 over:0.013799985870718956 in:0.013027006760239601 who:0.011802621185779572 its:0.011572307907044888\n",
"['recentlynhave']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['ourn']\n",
"<unk>:0.39382219314575195 and:0.011552629992365837 feet:0.00959747564047575 the:0.007690655067563057 to:0.007125630509108305 i:0.007030377630144358 a:0.005803974345326424 t:0.005078909918665886\n",
"['here']\n",
"<unk>:0.10610684007406235 and:0.06606689095497131 in:0.04275642707943916 the:0.03570415452122688 is:0.034966688603162766 to:0.03382405638694763 that:0.022151323035359383 for:0.01954740099608898\n",
"['indian']\n",
"<unk>:0.21871787309646606 territory:0.06108661741018295 affairs:0.02930048480629921 and:0.022367186844348907 tribes:0.016901811584830284 in:0.01083057839423418 reservation:0.009800245054066181 corn:0.00839680340141058\n",
"['and']\n",
"<unk>:0.1791187971830368 the:0.06385066360235214 a:0.01666204072535038 in:0.01507352851331234 that:0.012835350818932056 to:0.011688937433063984 it:0.010210222564637661 i:0.007507757283747196\n",
"['seben']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['betweein']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['beconincurable']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['thus']\n",
"<unk>:0.19073782861232758 far:0.06397892534732819 the:0.03593980148434639 be:0.01660725846886635 to:0.012867200188338757 it:0.011681105941534042 a:0.010237633250653744 in:0.009400306269526482\n",
"['myself']\n",
"<unk>:0.09977778047323227 and:0.06361950188875198 in:0.0539739653468132 to:0.04875718057155609 as:0.026705369353294373 that:0.01988060027360916 at:0.018150802701711655 i:0.01806362345814705\n",
"['panacea']\n",
"for:0.14052869379520416 the:0.09601675719022751 to:0.054324693977832794 <unk>:0.03623999282717705 a:0.028942182660102844 of:0.027860287576913834 that:0.027692226693034172 it:0.02028115652501583\n",
"['timen']\n",
"<unk>:0.10530243813991547 the:0.03394927829504013 i:0.02618047408759594 and:0.024507204070687294 have:0.020882489159703255 of:0.02056596241891384 he:0.020087704062461853 a:0.01832629181444645\n",
"['other']\n",
"<unk>:0.22963766753673553 hand:0.016822654753923416 words:0.015956249088048935 and:0.013822369277477264 side:0.011337092146277428 than:0.010316158644855022 day:0.0097919637337327 things:0.009536487981677055\n",
"['isaac']\n",
"<unk>:0.328882098197937 and:0.0335146002471447 m:0.03010132908821106 h:0.025583136826753616 j:0.021545352414250374 s:0.013650145381689072 a:0.01358017884194851 d:0.013249360024929047\n",
"['kentucky']\n",
"<unk>:0.1856490522623062 and:0.09581119567155838 is:0.01995391771197319 in:0.01939585618674755 the:0.01673438400030136 to:0.014552394859492779 on:0.012756149284541607 or:0.011205972172319889\n",
"['samuel']\n",
"<unk>:0.2988555431365967 b:0.022734234109520912 j:0.021676819771528244 m:0.02137385867536068 h:0.02043919265270233 p:0.01772725209593773 r:0.015578239224851131 w:0.015265924856066704\n",
"['fnbad']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['onn']\n",
"<unk>:0.2573271095752716 the:0.054543156176805496 a:0.028942041099071503 of:0.028793184086680412 th:0.025362007319927216 i:0.014007133431732655 bbl:0.012129217386245728 and:0.011664386838674545\n",
"['not']\n",
"<unk>:0.14968617260456085 be:0.04642459750175476 only:0.03997911512851715 to:0.033478107303380966 a:0.03148456662893295 been:0.020359180867671967 the:0.02024826779961586 in:0.01442572008818388\n",
"['green']\n",
"<unk>:0.2358587235212326 and:0.08668065816164017 of:0.021170688793063164 the:0.014352603815495968 in:0.012751786969602108 bay:0.010645659640431404 with:0.010358531959354877 or:0.010081128217279911\n",
"['judicious']\n",
"<unk>:0.17697633802890778 and:0.04663850739598274 use:0.04147337004542351 in:0.023320352658629417 as:0.016582727432250977 to:0.012000259943306446 usenof:0.008985482156276703 way:0.008402647450566292\n",
"['approximatenestimate']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['declarednthe']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['day']\n",
"of:0.3034079968929291 <unk>:0.08016764372587204 and:0.04774697870016098 the:0.025342067703604698 to:0.02038748562335968 in:0.020222947001457214 or:0.015532629564404488 at:0.015224823728203773\n",
"['plcturesipien']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['county']\n",
"<unk>:0.1351660043001175 of:0.13167764246463776 and:0.05255775526165962 in:0.02681494876742363 court:0.02057517133653164 minnesota:0.019712550565600395 on:0.017450610175728798 at:0.016017641872167587\n",
"['bonds']\n",
"of:0.12258856743574142 and:0.0840635895729065 <unk>:0.07882679253816605 to:0.06155739352107048 shall:0.05233034864068031 or:0.027290567755699158 for:0.026969190686941147 are:0.026667917147278786\n",
"['thatnthese']\n",
"<unk>:0.1285766363143921 men:0.05635441839694977 dull:0.009605995379388332 are:0.009308027103543282 parts:0.008957996033132076 and:0.008767173625528812 conditions:0.008323871530592442 cases:0.007417071145027876\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['region']\n",
"of:0.16496621072292328 <unk>:0.13003984093666077 and:0.04967692494392395 in:0.044747091829776764 the:0.04001448675990105 is:0.0395791120827198 has:0.01740570180118084 to:0.015368309803307056\n",
"['outnat']\n",
"the:0.2031215876340866 <unk>:0.05959786847233772 a:0.049923110753297806 this:0.026165535673499107 tho:0.02000752091407776 noon:0.016932068392634392 his:0.015550526790320873 tbe:0.014169680885970592\n",
"['withn']\n",
"<unk>:0.13506150245666504 the:0.052440792322158813 a:0.026220308616757393 and:0.019970647990703583 acres:0.01472160592675209 to:0.014503954909741879 in:0.013292515650391579 of:0.010805558413267136\n",
"['strict']\n",
"<unk>:0.22725097835063934 observance:0.04500536993145943 and:0.03550555929541588 obedience:0.03272736817598343 economy:0.028900619596242905 conformity:0.0235002301633358 construction:0.01941695250570774 account:0.015228032134473324\n",
"['can']\n",
"be:0.22046741843223572 <unk>:0.12316019833087921 do:0.028022097423672676 not:0.02678426168859005 bo:0.01689518429338932 get:0.015971969813108444 see:0.014635843224823475 make:0.013505877926945686\n",
"['at']\n",
"the:0.21327582001686096 <unk>:0.15883903205394745 a:0.04859128221869469 least:0.02059926465153694 oclock:0.01996290311217308 this:0.019025905057787895 all:0.017303917557001114 any:0.013340656645596027\n",
"['legislativenpower']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sn']\n",
"<unk>:0.3461754024028778 e:0.041817594319581985 deg:0.03572984039783478 c:0.02446531504392624 and:0.020788012072443962 the:0.019471613690257072 w:0.01516785565763712 degrees:0.01505556795746088\n",
"['requisites']\n",
"of:0.23812347650527954 for:0.10026964545249939 to:0.05325118079781532 and:0.03952924162149429 is:0.03258266672492027 it:0.017549509182572365 at:0.017275972291827202 on:0.01720409095287323\n",
"['wasnconvinced']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['by']\n",
"the:0.2323983758687973 <unk>:0.1534150391817093 a:0.05595365911722183 tho:0.013856622390449047 said:0.01337381824851036 law:0.013222591951489449 his:0.012532558292150497 this:0.011029992252588272\n",
"['chadwick']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['still']\n",
"<unk>:0.1920652836561203 in:0.049218226224184036 the:0.029427172616124153 a:0.02834741212427616 more:0.02470806986093521 be:0.020617518573999405 he:0.011551545932888985 there:0.010213743895292282\n",
"['road']\n",
"<unk>:0.12391587346792221 to:0.06458430737257004 and:0.0614418089389801 is:0.026520835235714912 in:0.0260951928794384 at:0.021713707596063614 from:0.020122461020946503 was:0.020093342289328575\n",
"['iciinhis']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['ia']\n",
"<unk>:0.2233208417892456 the:0.0747823566198349 a:0.05643076077103615 not:0.02493053302168846 to:0.015461614355444908 that:0.01291490625590086 in:0.008952892385423183 all:0.0075695407576859\n",
"['ben']\n",
"<unk>:0.3764496147632599 the:0.020264847204089165 a:0.01654512993991375 in:0.008669160306453705 and:0.008185388520359993 i:0.008156510069966316 </s>:0.007305471692234278 made:0.006215563043951988\n",
"['medallions']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['nmony']\n",
"of:0.1391049474477768 was:0.04384421557188034 and:0.042643409222364426 is:0.0409628227353096 <unk>:0.03633985295891762 the:0.03267063945531845 with:0.03229307755827904 in:0.029879804700613022\n",
"['deeds']\n",
"of:0.2574459910392761 in:0.16361892223358154 <unk>:0.10983450710773468 on:0.03593006730079651 for:0.03398418426513672 book:0.030781986191868782 and:0.025836920365691185 innand:0.017236197367310524\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['wholly']\n",
"<unk>:0.2810186445713043 to:0.04604962095618248 in:0.0335262306034565 as:0.024456031620502472 of:0.023725120350718498 at:0.015970692038536072 abandoned:0.012925132177770138 and:0.012292289175093174\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['addicksvoting']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['got']\n",
"<unk>:0.15641504526138306 a:0.0761164054274559 to:0.07287035137414932 the:0.05760738626122475 out:0.03658843785524368 in:0.033401794731616974 into:0.031511981040239334 up:0.030847569927573204\n",
"['an']\n",
"<unk>:0.2524346113204956 old:0.018409626558423042 hour:0.016093363985419273 act:0.015224146656692028 order:0.011131629347801208 average:0.009394328109920025 opportunity:0.00728580541908741 article:0.006832430604845285\n",
"['aboutnnine']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['fact']\n",
"that:0.39098605513572693 <unk>:0.07769396156072617 is:0.038525763899087906 the:0.034249939024448395 of:0.03126796334981918 it:0.018812306225299835 and:0.016333023086190224 thatnthe:0.01586158759891987\n",
"['inaplrution']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['business']\n",
"<unk>:0.1334599405527115 of:0.0808497965335846 and:0.06796373426914215 men:0.05061277747154236 in:0.04844550043344498 to:0.028571918606758118 is:0.023734482005238533 as:0.019161406904459\n",
"['hen']\n",
"<unk>:0.17106422781944275 the:0.06470520049333572 he:0.03395789861679077 i:0.026423409581184387 and:0.02127615362405777 a:0.018003011122345924 it:0.016737177968025208 was:0.014481781981885433\n",
"['mostn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['nproud']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['recognition']\n",
"of:0.38414129614830017 and:0.05294473096728325 <unk>:0.05142778530716896 in:0.03548742085695267 by:0.027829596772789955 to:0.020502233877778053 the:0.0155711704865098 ofnthe:0.015551379881799221\n",
"['to']\n",
"<unk>:0.1641007363796234 the:0.12734068930149078 be:0.05047796294093132 a:0.02106613852083683 make:0.012407870031893253 do:0.012361159548163414 have:0.012224489822983742 his:0.008027305826544762\n",
"['alnthrough']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['their']\n",
"<unk>:0.2757183611392975 own:0.03195241093635559 respective:0.008069413714110851 way:0.0063335346058011055 hands:0.006281290203332901 lives:0.005959530360996723 work:0.005697461310774088 heads:0.0044787367805838585\n",
"['unknown']\n",
"heirs:0.16075269877910614 <unk>:0.1379789263010025 to:0.12793107330799103 and:0.04598380625247955 in:0.037425894290208817 widow:0.01014480646699667 the:0.009093395434319973 from:0.00814448669552803\n",
"['imperial']\n",
"<unk>:0.18262283504009247 government:0.08966232091188431 and:0.02725696563720703 family:0.012405537068843842 parliament:0.01097017340362072 highness:0.009956590831279755 consolidated:0.009710075333714485 line:0.007917841896414757\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['both']\n",
"<unk>:0.2284107506275177 of:0.056785136461257935 the:0.04899570345878601 in:0.04296301677823067 sides:0.027232633903622627 parties:0.01498338021337986 to:0.01305279228836298 houses:0.012990135699510574\n",
"['beer']\n",
"<unk>:0.16203416883945465 and:0.09339681267738342 or:0.027345458045601845 in:0.01997951604425907 was:0.01918639987707138 is:0.01744644157588482 on:0.017189789563417435 as:0.013336271047592163\n",
"['crossedn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['distant']\n",
"<unk>:0.18026863038539886 from:0.08838122338056564 and:0.03011702001094818 to:0.0258357971906662 day:0.020110618323087692 feet:0.019777262583374977 in:0.01766539178788662 the:0.017646338790655136\n",
"['andf']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['moor']\n",
"<unk>:0.17379532754421234 and:0.11007729172706604 of:0.044633522629737854 for:0.029830249026417732 is:0.029548725113272667 the:0.028076080605387688 was:0.025938568636775017 in:0.023118719458580017\n",
"['rrn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['is']\n",
"<unk>:0.14304344356060028 a:0.07812074571847916 the:0.05577261000871658 not:0.04125296324491501 to:0.028534000739455223 in:0.02009972184896469 no:0.01618652231991291 that:0.013951911590993404\n",
"['has']\n",
"been:0.2436595857143402 <unk>:0.15445776283740997 a:0.040240369737148285 not:0.03055839240550995 the:0.01676962710916996 no:0.013060759752988815 to:0.012943996116518974 made:0.010582434013485909\n",
"['ring']\n",
"<unk>:0.10331973433494568 and:0.059239234775304794 of:0.04031774774193764 the:0.03432215377688408 in:0.027197808027267456 with:0.02132023684680462 to:0.016270706430077553 on:0.015547337010502815\n",
"['or']\n",
"<unk>:0.20414391160011292 the:0.04081256687641144 a:0.018578192219138145 in:0.017286691814661026 any:0.015642661601305008 two:0.014492310583591461 to:0.013875987380743027 other:0.01381285022944212\n",
"['ninmutton']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['sellsn']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['up']\n",
"to:0.10820141434669495 <unk>:0.10818274319171906 the:0.10479162633419037 and:0.06621389836072922 in:0.05811838433146477 a:0.042326100170612335 with:0.023742416873574257 by:0.019452514126896858\n",
"['nkins']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['axis']\n",
"of:0.2315906286239624 <unk>:0.14498570561408997 and:0.06769237667322159 the:0.0375525988638401 in:0.03261377289891243 which:0.028588367626070976 to:0.027456611394882202 or:0.01224119309335947\n",
"['a']\n",
"<unk>:0.24112556874752045 few:0.016269860789179802 large:0.011636430397629738 man:0.010118708945810795 good:0.010030915029346943 great:0.009634408168494701 very:0.008648835122585297 little:0.008290580473840237\n",
"['i']\n",
"<unk>:0.19493965804576874 have:0.05422540381550789 am:0.03951935097575188 was:0.03715667873620987 had:0.030517108738422394 will:0.01563677377998829 could:0.014707542024552822 think:0.012747601605951786\n",
"['willnmiilii']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['mn']\n",
"<unk>:0.2731979489326477 and:0.03962032496929169 to:0.02783951908349991 a:0.026626110076904297 from:0.02586328238248825 of:0.0250251442193985 in:0.019363021478056908 the:0.015526673756539822\n",
"['andn']\n",
"<unk>:0.11835400760173798 dollars:0.033931098878383636 block:0.030407536774873734 in:0.023633964359760284 the:0.02200307324528694 to:0.019526800140738487 of:0.018512655049562454 a:0.018055016174912453\n",
"['becamen']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['it']\n",
"is:0.1975691020488739 <unk>:0.11427108943462372 was:0.07985429465770721 has:0.02643054537475109 would:0.025057239457964897 will:0.0246218703687191 to:0.017691470682621002 and:0.014439831487834454\n",
"['moneynfrom']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['went']\n",
"to:0.25687095522880554 <unk>:0.1244257241487503 on:0.05531398206949234 out:0.049175459891557693 into:0.046409618109464645 down:0.03710372745990753 in:0.024804536253213882 over:0.022362640127539635\n",
"['but']\n",
"<unk>:0.10057884454727173 the:0.09095072746276855 it:0.054127976298332214 in:0.0283758956938982 a:0.02659798040986061 he:0.023481814190745354 i:0.020594369620084763 they:0.01816706918179989\n",
"['n']\n",
"<unk>:0.22925962507724762 n:0.06464511156082153 y:0.03201986104249954 c:0.019956285133957863 the:0.018512077629566193 w:0.017649687826633453 and:0.017604317516088486 e:0.016488024964928627\n",
"['bushelsnto']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['thatn']\n",
"<unk>:0.18509425222873688 the:0.04111270606517792 is:0.02727336250245571 a:0.020692864432930946 i:0.016117816790938377 and:0.014278948307037354 in:0.01377539150416851 have:0.012131815776228905\n",
"['in']\n",
"the:0.22110939025878906 <unk>:0.15336278080940247 a:0.04508489370346069 this:0.025574127212166786 his:0.015838539227843285 tho:0.011865855194628239 which:0.011841910891234875 their:0.009982584975659847\n",
"['tor']\n",
"the:0.18371394276618958 <unk>:0.18034933507442474 a:0.05335437133908272 this:0.014496701769530773 tho:0.012526774778962135 which:0.010724838823080063 it:0.010157724842429161 his:0.009310955181717873\n",
"['the']\n",
"<unk>:0.22546915709972382 same:0.00775930006057024 state:0.007242937106639147 first:0.006000572349876165 city:0.005373408552259207 most:0.005041860044002533 people:0.005007922183722258 united:0.0049338326789438725\n",
"['nicln']\n",
"<unk>:0.13795071840286255 the:0.050966303795576096 of:0.046845439821481705 and:0.042942408472299576 to:0.03077627159655094 in:0.023394089192152023 a:0.01842011697590351 that:0.01086820662021637\n",
"['with']\n",
"the:0.18855905532836914 <unk>:0.16477812826633453 a:0.09615594893693924 his:0.021452313289046288 an:0.01595587097108364 all:0.014357201755046844 which:0.011805357411503792 their:0.010865600779652596\n",
"['p']\n",
"m:0.3617202639579773 <unk>:0.257373571395874 r:0.013251986354589462 a:0.008899691514670849 in:0.008549975231289864 b:0.007218791171908379 c:0.007097408641129732 j:0.007063710130751133\n"
]
}
]
}
]
}